Model Overview
Model Features
Model Capabilities
Use Cases
đ Qwen2.5-VL-72B-Instruct-quantized-FP8-Dynamic
This is a quantized version of Qwen/Qwen2.5-VL-72B-Instruct, which optimizes the model through weight and activation quantization to FP8 data type, making it suitable for inference with vLLM >= 0.5.2.
đ Quick Start
⨠Features
- Model Architecture: Based on Qwen2.5-VL-72B-Instruct, supporting vision-text input and text output.
- Model Optimizations: Both weight and activation quantization are set to FP8, enhancing inference efficiency.
- Release Date: February 24, 2025
- Version: 1.0
- Model Developers: Neural Magic
đĻ Installation
This section does not contain specific installation steps, so it is skipped.
đģ Usage Examples
Basic Usage
This model can be deployed efficiently using the vLLM backend, as shown in the example below.
from vllm.assets.image import ImageAsset
from vllm import LLM, SamplingParams
# prepare model
llm = LLM(
model="neuralmagic/Qwen2.5-VL-72B-Instruct-FP8-Dynamic",
trust_remote_code=True,
max_model_len=4096,
max_num_seqs=2,
)
# prepare inputs
question = "What is the content of this image?"
inputs = {
"prompt": f"<|user|>\n<|image_1|>\n{question}<|end|>\n<|assistant|>\n",
"multi_modal_data": {
"image": ImageAsset("cherry_blossom").pil_image.convert("RGB")
},
}
# generate response
print("========== SAMPLE GENERATION ==============")
outputs = llm.generate(inputs, SamplingParams(temperature=0.2, max_tokens=64))
print(f"PROMPT : {outputs[0].prompt}")
print(f"RESPONSE: {outputs[0].outputs[0].text}")
print("==========================================")
vLLM also supports OpenAI-compatible serving. See the documentation for more details.
đ Documentation
Creation
This model was created with llm-compressor by running the code snippet below as part a multimodal announcement blog.
Model Creation Code
import requests
import torch
from PIL import Image
from transformers import AutoProcessor
from llmcompressor.transformers import oneshot
from llmcompressor.transformers.tracing import (
TraceableQwen2_5_VLForConditionalGeneration,
)
from llmcompressor.modifiers.quantization import QuantizationModifier
# Load model.
model_id = Qwen/Qwen2.5-VL-72B-Instruct
model = TraceableQwen2_5_VLForConditionalGeneration.from_pretrained(
model_id, device_map="auto", torch_dtype="auto"
)
processor = AutoProcessor.from_pretrained(model_id, trust_remote_code=True)
# Recipe
recipe = [
QuantizationModifier(
targets="Linear",
scheme="FP8_DYNAMIC",
sequential_targets=["MistralDecoderLayer"],
ignore=["re:.*lm_head", "re:vision_tower.*", "re:multi_modal_projector.*"],
),
]
SAVE_DIR=f"{model_id.split('/')[1]}-FP8-Dynamic"
# Perform oneshot
oneshot(
model=model,
recipe=recipe,
trust_remote_code_model=True,
output_dir=SAVE_DIR
)
Evaluation
The model was evaluated using mistral-evals for vision-related tasks and using lm_evaluation_harness for select text-based benchmarks. The evaluations were conducted using the following commands:
Evaluation Commands
Vision Tasks
- vqav2
- docvqa
- mathvista
- mmmu
- chartqa
vllm serve neuralmagic/pixtral-12b-quantized.w8a8 --tensor_parallel_size 1 --max_model_len 25000 --trust_remote_code --max_num_seqs 8 --gpu_memory_utilization 0.9 --dtype float16 --limit_mm_per_prompt image=7
python -m eval.run eval_vllm \
--model_name neuralmagic/pixtral-12b-quantized.w8a8 \
--url http://0.0.0.0:8000 \
--output_dir ~/tmp \
--eval_name <vision_task_name>
Text-based Tasks
MMLU
lm_eval \
--model vllm \
--model_args pretrained="<model_name>",dtype=auto,add_bos_token=True,max_model_len=4096,tensor_parallel_size=<n>,gpu_memory_utilization=0.8,enable_chunked_prefill=True,trust_remote_code=True \
--tasks mmlu \
--num_fewshot 5 \
--batch_size auto \
--output_path output_dir
MGSM
lm_eval \
--model vllm \
--model_args pretrained="<model_name>",dtype=auto,max_model_len=4096,max_gen_toks=2048,max_num_seqs=128,tensor_parallel_size=<n>,gpu_memory_utilization=0.9 \
--tasks mgsm_cot_native \
--apply_chat_template \
--num_fewshot 0 \
--batch_size auto \
--output_path output_dir
Accuracy
Category | Metric | Qwen/Qwen2.5-VL-72B-Instruct | neuralmagic/Qwen2.5-VL-72B-Instruct-FP8-Dynamic | Recovery (%) |
---|---|---|---|---|
Vision | MMMU (val, CoT) explicit_prompt_relaxed_correctness |
64.33 | 66.88 | 103.96% |
Vision | VQAv2 (val) vqa_match |
81.94 | 81.94 | 100.00% |
Vision | DocVQA (val) anls |
94.71 | 94.64 | 99.93% |
Vision | ChartQA (test, CoT) anywhere_in_answer_relaxed_correctness |
88.96 | 89.04 | 100.09% |
Vision | Mathvista (testmini, CoT) explicit_prompt_relaxed_correctness |
78.18 | 77.78 | 99.49% |
Vision | Average Score | 81.62 | 81.86 | 100.29% |
Text | MGSM (CoT) | 75.45 | 75.29 | 99.79% |
Text | MMLU (5-shot) | 86.16 | 86.12 | 99.95% |
đ§ Technical Details
This model achieves up to 1.79x speedup in single-stream deployment and up to 1.84x speedup in multi-stream asynchronous deployment, depending on hardware and use-case scenario. The following performance benchmarks were conducted with vLLM version 0.7.2, and GuideLLM.
Benchmarking Command
``` guidellm --model neuralmagic/Qwen2.5-VL-72B-Instruct-FP8-Dynamic --target "http://localhost:8000/v1" --data-type emulated --data prompt_tokens=Single-stream performance (measured with vLLM version 0.7.2)
Hardware | Number of GPUs | Model | Average Cost Reduction | Document Visual Question Answering 1680W x 2240H 64/128 Latency (s) |
Document Visual Question Answering 1680W x 2240H 64/128 Queries Per Dollar |
Visual Reasoning 640W x 480H 128/128 Latency (s) |
Visual Reasoning 640W x 480H 128/128 Queries Per Dollar |
Image Captioning 480W x 360H 0/128 Latency (s) |
Image Captioning 480W x 360H 0/128 Queries Per Dollar |
---|---|---|---|---|---|---|---|---|---|
A100 | 4 | Qwen/Qwen2.5-VL-72B-Instruct | 6.4 | 78 | 4.5 | 111 | 4.4 | 113 | |
A100 | 2 | neuralmagic/Qwen2.5-VL-72B-Instruct-quantized.w8a8 | 1.85 | 7.0 | 143 | 4.9 | 205 | 4.8 | 211 |
A100 | 1 | neuralmagic/Qwen2.5-VL-72B-Instruct-quantized.w4a16 | 3.33 | 9.4 | 213 | 5.1 | 396 | 4.8 | 420 |
H100 | 4 | Qwen/Qwen2.5-VL-72B-Instruct | 4.3 | 68 | 3.0 | 97 | 2.9 | 100 | |
H100 | 2 | neuralmagic/Qwen2.5-VL-72B-Instruct-FP8-Dynamic | 1.79 | 4.6 | 122 | 3.3 | 173 | 3.2 | 177 |
H100 | 1 | neuralmagic/Qwen2.5-VL-72B-Instruct-quantized.w4a16 | 5.66 | 4.3 | 252 | 4.4 | 251 | 4.2 | 259 |
**Use case profiles: Image Size (WxH) / prompt tokens / generation tokens
**QPD: Queries per dollar, based on on-demand cost at Lambda Labs (observed on 2/18/2025).
Multi-stream asynchronous performance (measured with vLLM version 0.7.2)
Hardware | Model | Average Cost Reduction | Document Visual Question Answering 1680W x 2240H 64/128 Maximum throughput (QPS) |
Document Visual Question Answering 1680W x 2240H 64/128 Queries Per Dollar |
Visual Reasoning 640W x 480H 128/128 Maximum throughput (QPS) |
Visual Reasoning 640W x 480H 128/128 Queries Per Dollar |
Image Captioning 480W x 360H 0/128 Maximum throughput (QPS) |
Image Captioning 480W x 360H 0/128 Queries Per Dollar |
---|---|---|---|---|---|---|---|---|
A100x4 | Qwen/Qwen2.5-VL-72B-Instruct | 0.4 | 180 | 1.1 | 539 | 1.2 | 595 | |
A100x4 | neuralmagic/Qwen2.5-VL-72B-Instruct-quantized.w8a8 | 1.80 | 0.6 | 289 | 2.0 | 1020 | 2.3 | 1133 |
A100x4 | neuralmagic/Qwen2.5-VL-72B-Instruct-quantized.w4a16 | 2.75 | 0.7 | 341 | 3.2 | 1588 | 4.1 | 2037 |
H100x4 | Qwen/Qwen2.5-VL-72B-Instruct | 0.5 | 134 | 1.2 | 357 | 1.3 | 379 | |
H100x4 | neuralmagic/Qwen2.5-VL-72B-Instruct-FP8-Dynamic | 1.73 | 0.9 | 247 | 2.2 | 621 | 2.4 | 669 |
H100x4 | neuralmagic/Qwen2.5-VL-72B-Instruct-quantized.w4a16 | 8.27 | 3.3 | 913 | 3.3 | 898 | 3.6 | 991 |
**Use case profiles: Image Size (WxH) / prompt tokens / generation tokens
**QPS: Queries per second.
**QPD: Queries per dollar, based on on-demand cost at Lambda Labs (observed on 2/18/2025).
đ License
This project is licensed under the Apache-2.0 license.







