[π Home Page] [π Technique Report]
[π Thyme SFT Model] [π Thyme RL Model] [π SFT Data] [π RL Data]
2025.09.04
π Thyme is supported by VLMEvalKit and LMMs-Eval. Feel free to use it without hesitation!2025.08.18
π We are excited to introduce Thyme: Think Beyond Images. Thyme transcends traditional ``thinking with images'' paradigms by autonomously generating and executing diverse image processing and computational operations through executable code, significantly enhancing performance on high-resolution perception and complex reasoning tasks. Leveraging a novel two-stage training strategy that combines supervised fine-tuning with reinforcement learning and empowered by the innovative GRPO-ATS algorithm, Thyme achieves a sophisticated balance between reasoning exploration and code execution precision.
- Quick Start
- Data Preparation
- Supervised Fine-Tuning (Thyme-SFT)
- Reinforcement Learning (Thyme-RL)
- Evaluation
- Usage Example: How to use Thyme
- Citation
- Related Projects
git clone https://github.com/yfzhang114/Thyme.git
cd Thyme
We recommend creating a Conda environment for isolation and installing dependencies as follows:
conda create -n Thyme python=3.10 -y
conda activate Thyme
pip install -e .
pip install "sglang[all]" -U
pip install "vllm>=0.5.1" "transformers<4.55" "trl<0.21" -U
pip install "lmdeploy>=0.5,<0.9" -U --no-deps
pip install autoawq -U --no-deps
pip install auto_gptq optimum bitsandbytes "gradio<5.33" -U
pip install git+https://github.com/modelscope/ms-swift.git
pip install timm -U
pip install "deepspeed<0.17" -U
pip install qwen_vl_utils qwen_omni_utils decord librosa icecream soundfile -U
pip install liger_kernel nvitop pre-commit math_verify py-spy -U
pip install wandb
pip install flash-attn --no-build-isolation --use-pep517
Obtain the training data from the HuggingFace Dataset Page. The SFT dataset consists of three splits:
wo_thinking_thyme_single_round
: Single-turn image operation data2round
: Multi-turn dialogue datacomputation
: Annealing data used for computational tasks
Each sampleβs image
field is a list containing the original and processed images.
Before training, ensure all referenced images are downloaded and saved locally. Update the dataset files (e.g., .jsonl
) by replacing image URLs or remote paths with local absolute paths, for example:
"image": [
"/path/to/original_images/0904.0709_0.jpg",
"/path/to/processed_images/0904.0709_0_6349.jpg"
]
#!/usr/bin/env python3
import os, json, base64
from pathlib import Path
from concurrent.futures import ThreadPoolExecutor, as_completed
from datasets import load_dataset
from tqdm import tqdm
import io
from PIL import Image
HF_DATA_DIR = "./data/Thyme-SFT"
ROOT_OUT = Path("Thyme_sft_data")
IMG_ROOT = './data/Thyme_sft_data/img'
JSONL_ROOT = ROOT_OUT / "jsonl"
SPLITS = ["wo_thinking_thyme_single_round", "2round", "computation"] #,
MAX_WORKERS = os.cpu_count() # Can be adjusted based on machine specs
# IMG_ROOT.mkdir(parents=True, exist_ok=True)
JSONL_ROOT.mkdir(parents=True, exist_ok=True)
# ----------- Thread pool task -----------
def save_one_image(args):
"""
Decode Base64 string, handle transparency and save image as JPEG.
Args:
args (tuple): Tuple containing (b64_str, save_path).
"""
b64_str, save_path = args
if os.path.exists(save_path):
return save_path
try:
# 1. Decode Base64 to get raw binary data
image_bytes = base64.b64decode(b64_str)
# 2. Use Pillow to open image from binary data
with Image.open(io.BytesIO(image_bytes)) as img:
# 3. Handle transparency (key step)
# Check if image mode needs transparency handling.
# 'P' mode may contain transparency, 'LA' is grayscale+transparency.
# 'RGBA' is the most common mode with transparency.
if img.mode in ("RGBA", "LA", "P"):
# To uniformly handle all transparency cases, first convert image to RGBA mode.
# If image is in 'P' mode with transparency, conversion will result in correct RGBA image.
img = img.convert("RGBA")
# Create a white background base image
background = Image.new("RGB", img.size, (255, 255, 255))
# Paste original image onto the background.
# At this point img is already in RGBA mode, so it can serve as its own mask.
# Pillow will automatically use its Alpha channel.
background.paste(img, (0, 0), img)
img = background # Now img is the merged RGB image
# If image mode is not RGB (e.g., 'L', 'CMYK', etc.), convert to RGB
elif img.mode != "RGB":
img = img.convert("RGB")
# 4. Save image in JPEG format
# JPEG doesn't support transparency, so background filling is necessary.
img.save(save_path, "jpeg", quality=95) # Recommend adding quality parameter
return str(save_path)
except Exception as e:
# Add exception handling for debugging which image caused the problem
print(f"Error processing image for {save_path}: {e}")
return None
# ----------- Main processing -----------
for split in SPLITS:
print(f"\n>>> Processing split : {split} (max_workers={MAX_WORKERS})")
# 3. Write jsonl, check if already exists
jsonl_path = JSONL_ROOT / f"{split}.jsonl"
if not jsonl_path.exists(): # Only write if jsonl file doesn't exist
print(f" JSONL -> {jsonl_path}")
else:
print(f" JSONL already exists: {jsonl_path}")
ds = load_dataset(HF_DATA_DIR, split=split)
img_dir = IMG_ROOT + '/' + split
# img_dir.mkdir(exist_ok=True)
# 1. First collect all tasks to be saved
tasks = [] # (b64_str, save_path)
records = [] # For writing jsonl
for sample_idx, sample in enumerate(ds):
img_paths = []
for img_idx, b64_img in enumerate(sample["image"], start=1):
img_name = f"{sample_idx+1:08d}_{img_idx:02d}.jpg"
img_path = img_dir + '/' + img_name
tasks.append((b64_img, img_path))
img_paths.append(str(img_path))
records.append({
"image": img_paths,
"question": sample["question"],
"response": sample["response"]
})
# 2. Execute with multi-threading
with ThreadPoolExecutor(max_workers=MAX_WORKERS) as pool:
# Only save images that don't already exist
saved_images = list(tqdm(pool.map(save_one_image, tasks),
total=len(tasks), desc="Saving images"))
# Filter out items that returned None (i.e., files that already existed)
saved_images = [img for img in saved_images if img is not None]
with open(jsonl_path, "w", encoding="utf-8") as f:
for rec in records:
f.write(json.dumps(rec, ensure_ascii=False) + "\n")
print(f" Images -> {img_dir} ({len(saved_images)} files)")
print("\nAll done (multi-threaded)!")
In every question, there is a specified file path that needs to be converted into the correct system path for use in our platform. The following steps outline the process for handling these paths.
-
Original Path Format:
- Example:
"User Image Path: \"/mllm_hdd/yfzhang/data/temp_processed_images/cauldron_dvqa_images_dvqa_00110792.png_rotated_image_318.png\""
- Example:
-
Transformation:
- Extract the filename from the original path.
- Convert it into the first element of the
image
array in the system. - This element will represent the correct file path for the system.
-
Response Path Conversion:
- Similarly, ensure that any corresponding absolute paths provided in the
response
are transformed to match the system format as described.
- Similarly, ensure that any corresponding absolute paths provided in the
Training samples follow this JSON format example (full dataset includes similar structures):
{
"image": ["/path/to/original.jpg", "/path/to/processed.jpg"],
"question": "<image>\nBased on the top-right graph, describe the behavior of P(z) as z approaches zero. Options:\n...",
"response": "<think>Detailed reasoning and executable code...</think><answer>B</answer>"
}
Set these variables in your training script or environment:
DATASET
: Path to your training datasetSAVE_PATH
: Directory to save the trained modelModel
: Path to your model
Execute the training scripts:
sh scripts/sft_stage1.sh # Stage 1: Supervised fine-tuning
sh scripts/sft_stage2.sh # Stage 2: Computational Data Annealing
Note: Since the computational data contains samples with and without images, this stage requires these two types of data to be processed and input separately. Please ensure your script handles this accordingly.
Each RL data sample follows this structure:
{
"messages": [
{
"role": "system",
"content": "You are a helpful assistant. Solve the problem step-by-step..."
},
{
"role": "user",
"content": "<image>\nQuestion text...\n"
}
],
"images": ["/path/to/image.jpg"],
"solution": "black",
"question": "What is the color of the glasses frame of the man in the white shirt?"
}
- Reward functions are implemented in
examples/train/grpo/plugin/agent_rm.py
, supportingfmt_orm
,vqa_orm
, andcst_orm
by default. - For multi-node training, configure
REWARD_API_ADDRESS
andQWEN_API_PORT
in.deepspeed_env
. - Single-node training can use the default environment variables.
Example asynchronous function calling the reward model API:
async def llm_openai_api(messages, ip="0.0.0.0", host="8080", temperature=0.1, max_tokens=256, top_p=None, n=1):
openai_api_base = f"http://{ip}:{host}/v1"
async with httpx.AsyncClient(timeout=httpx.Timeout(600.0)) as client:
model = "/mllm_hdd/yfzhang/models/Qwen2.5-VL-72B-Instruct-AWQ"
resp = await client.post(
f"{openai_api_base}/chat/completions",
headers={"Content-Type": "application/json"},
json={
"model": model,
"messages": messages,
"temperature": temperature,
"max_tokens": max_tokens,
"top_p": top_p,
"n": n,
},
)
resp.raise_for_status()
response_data = resp.json()
return [choice["message"]["content"] for choice in response_data["choices"]]
Run the script:
sh scripts/rl.sh
Parameters explained:
--O3 true
activates Thyme training configuration with multi-turn dialogue and sandboxed iterative output processing.--stop_words ...
defines output termination tokens; enabling GRPO-ATS with sampling temperature set to 0 when<code>
is a stop word.
We recommend using VLMEvalKit for automatic evaluation on benchmarks.
cd eval/VLMEvalKit
pip install -e .
For example, to evaluate on V*
and HRBench
with 8 GPUs, simply run (under eval/VLMEvalKit
directory):
torchrun --nproc-per-node=8 run.py --data VStarBench HRBench4K HRBench8K --model Thyme-7B --verbose
We provide a simple script (eval/inference.py
) to inference on custom cases. Simply run:
python -m eval.inference
You may modify the user question and image path for your own cases:
# --- 3. Prepare Input Data (Example) ---
# Example question and responses (replace with your actual data)
# Example case (sampled from MME-RealWorld-Lite bench)
question_text = ("Question: What is the plate number of the blue car in the picture?\nOptions:\n"
"A. S OT 911\n"
"B. S TQ 119\n"
"C. S QT 911\n"
"D. B QT 119\n"
"E. This image doesn't feature the plate number.\n"
"Please select the correct answer from the options above.")
image_path = "eval/17127.jpg"
Visualization of the Provided Example

Question: What is the plate number of the blue car in the picture?
Options:
A. S OT 911
B. S TQ 119
C. S QT 911
D. B QT 119
E. This image doesn't feature the plate number.
Please select the correct answer from the options above.
<think>To determine the plate number of the blue car in the image, we need to focus on the license plate located near the bottom front of the vehicle. The plate is relatively small compared to the overall size of the car and the image, so zooming in on this specific area will help us clearly read the characters on the plate.
The coordinates for the license plate appear to be around the lower front section of the car, specifically near the center of the lower part of the image. Cropping and zooming in on this region will enhance the visibility of the text on the plate, making it easier to identify the correct option.
Here is the Python code to crop and zoom in on the license plate area:
<code>
import cv2
import os
import numpy as np
from uuid import uuid4
# Load the image
image_path = "/eval/17127.jpg"
image = cv2.imread(image_path)
# Define the coordinates for the license plate area (inferred from the image content)
x1, y1, x2, y2 = 1250, 1030, 1360, 1070
# Crop the image based on the defined coordinates
cropped_image = image[y1:y2, x1:x2]
# Apply a zoom factor to enhance the cropped region
zoom_factor = 2
resized_image = cv2.resize(cropped_image, None, fx=zoom_factor, fy=zoom_factor, interpolation=cv2.INTER_CUBIC)
# Save the processed image with a random suffix
random_suffix = str(uuid4())[:8]
processed_filename = f"17127_{random_suffix}.jpg"
processed_path = os.path.join("/mnt/data/temp_processed_images/", processed_filename)
cv2.imwrite(processed_path, resized_image)
# Print the path of the saved cropped image for further processing
print(processed_path)
</code>
Upon examining the cropped and zoomed-in image of the license plate, it becomes clear that the characters are "S QT 911". This matches option C. Therefore, the correct answer is C. S QT 911.</think>
<answer> C. S QT 911 </answer>
If you find Thyme useful in your research or applications, please cite our paper:
@misc{zhang2025thymethinkimages,
title={Thyme: Think Beyond Images},
author={Yi-Fan Zhang and Xingyu Lu and Shukang Yin and Chaoyou Fu and Wei Chen and Xiao Hu and Bin Wen and Kaiyu Jiang and Changyi Liu and Tianke Zhang and Haonan Fan and Kaibing Chen and Jiankang Chen and Haojie Ding and Kaiyu Tang and Zhang Zhang and Liang Wang and Fan Yang and Tingting Gao and Guorui Zhou},
year={2025},
eprint={2508.11630},
archivePrefix={arXiv},
primaryClass={cs.CV},
url={https://arxiv.org/abs/2508.11630},
}
Explore other related work from our team:
- Kwai Keye-VL
- R1-Reward: Training Multimodal Reward Model Through Stable Reinforcement Learning
- MM-RLHF: The Next Step Forward in Multimodal LLM Alignment
- MME-RealWorld: Could Your Multimodal LLM Challenge High-Resolution Real-World Scenarios that are Difficult for Humans?
- MME-Survey: A Comprehensive Survey on Evaluation of Multimodal LLMs
- Beyond LLaVA-HD: Diving into High-Resolution Large Multimodal Models
- VITA-1.5: Towards GPT-4o Level Real-Time Vision and Speech Interaction