VQA Improved Model - Epoch 2
Fine-tuned VQA model using Qwen2.5-VL-3B-Instruct with LoRA.
Performance:
- Validation Accuracy: 90.23% (351/389)
- Improvement: +1.54% from baseline (88.69% → 90.23%)
Part of 3-Model Ensemble:
- Combined with Improved Epoch 1 and Base Model
- Ensemble Validation: 90.75%
- Ensemble Test (Kaggle): 91.82%
Model Details
- Base Model: Qwen/Qwen2.5-VL-3B-Instruct
- Fine-tuning Method: LoRA (Low-Rank Adaptation)
- Quantization: 4-bit (NF4)
- Hardware: NVIDIA A100 40GB
- Training: Additional 2 epochs on VQA dataset (604 samples)
LoRA Configuration
{
"r": 16,
"lora_alpha": 32,
"lora_dropout": 0.05,
"target_modules": [
"q_proj", "k_proj", "v_proj", "o_proj",
"gate_proj", "up_proj", "down_proj"
]
}
Usage
from transformers import AutoModelForVision2Seq, AutoProcessor, BitsAndBytesConfig
from peft import PeftModel
import torch
# Load model with 4-bit quantization
bnb_config = BitsAndBytesConfig(
load_in_4bit=True,
bnb_4bit_use_double_quant=True,
bnb_4bit_quant_type="nf4",
bnb_4bit_compute_dtype=torch.bfloat16
)
base_model = AutoModelForVision2Seq.from_pretrained(
"Qwen/Qwen2.5-VL-3B-Instruct",
quantization_config=bnb_config,
device_map="auto",
trust_remote_code=True
)
model = PeftModel.from_pretrained(base_model, "ikellllllll/vqa-improved-epoch2")
processor = AutoProcessor.from_pretrained(
"Qwen/Qwen2.5-VL-3B-Instruct",
min_pixels=512*512,
max_pixels=512*512,
trust_remote_code=True
)
# IMPORTANT: Set left-padding for decoder-only models
processor.tokenizer.padding_side = 'left'
Inference Settings
- Image Resolution: 512×512px
- Batch Size: 32 (for A100 40GB)
- Padding: Left-padding (critical for decoder-only models!)
Dataset
- Training: 604 VQA samples
- Validation: 389 VQA samples
- Test: 3,887 VQA samples
Links
- GitHub Repository: SSAFY_AI_competition
- Related Models:
- vqa-improved-epoch1 (90.49%)
- vqa-base-model (88.69%)
Citation
@misc{vqa-improved-epoch2,
author = {Team 203},
title = {VQA Improved Model - Epoch 2},
year = {2025},
publisher = {HuggingFace},
howpublished = {\url{https://huggingface.co/ikellllllll/vqa-improved-epoch2}}
}
License
Apache 2.0
- Downloads last month
- 2
Model tree for ikellllllll/vqa-improved-epoch2
Base model
Qwen/Qwen2.5-VL-3B-Instruct