Mitigating Hallucination in Large Multi-Modal Models via Robust Instruction Tuning [ICLR 2024]
Fuxiao Liu, Kevin Lin, Linjie Li, Jianfeng Wang, Yaser Yacoob, Lijuan Wang
[Project Page] [Paper]
You can compare between our models and original models below. If the online demos don't work, please email [email protected]. If you find our work interesting, please cite our work. Thanks!!!
@article{liu2023aligning,
  title={Aligning Large Multi-Modal Model with Robust Instruction Tuning},
  author={Liu, Fuxiao and Lin, Kevin and Li, Linjie and Wang, Jianfeng and Yacoob, Yaser and Wang, Lijuan},
  journal={arXiv preprint arXiv:2306.14565},
  year={2023}
}
@article{liu2023hallusionbench,
  title={HallusionBench: You See What You Think? Or You Think What You See? An Image-Context Reasoning Benchmark Challenging for GPT-4V (ision), LLaVA-1.5, and Other Multi-modality Models},
  author={Liu, Fuxiao and Guan, Tianrui and Li, Zongxia and Chen, Lichang and Yacoob, Yaser and Manocha, Dinesh and Zhou, Tianyi},
  journal={arXiv preprint arXiv:2310.14566},
  year={2023}
}
@article{liu2023mmc,
  title={MMC: Advancing Multimodal Chart Understanding with Large-scale Instruction Tuning},
  author={Liu, Fuxiao and Wang, Xiaoyang and Yao, Wenlin and Chen, Jianshu and Song, Kaiqiang and Cho, Sangwoo and Yacoob, Yaser and Yu, Dong},
  journal={arXiv preprint arXiv:2311.10774},
  year={2023}
}πΊ
[LRV-V2(Mplug-Owl) Demo], [mplug-owl Demo]
πΊ [LRV-V1(MiniGPT4) Demo], [MiniGPT4-7B Demo]
- [03/13]π₯ Our paper "MMC: Advancing Multimodal Chart Understanding with LLM Instruction Tuning" is accepted to NAACL 2024.
- [02/26]π₯ Our paper "HallusionBench: You See What You Think? Or You Think What You See? An Image-Context Reasoning Benchmark Challenging for GPT-4V(ision), LLaVA-1.5, and Other Multi-modality Models" is accpeted to CVPR 2024.
- [01/15]π₯ Our paper is accepted by ICLR 2024. Camera-Ready Version will be ready soon!
- [11/15]π₯ Our paper "MMC: Advancing Multimodal Chart Understanding with LLM Instruction Tuning" is now available on Arxiv.
- [10/24]π₯ Please check our new work to benchmark the failure cases of GPT4V "HallusionBench: You See What You Think? Or You Think What You See? An Image-Context Reasoning Benchmark Challenging for GPT-4V(ision), LLaVA-1.5, and Other Multi-modality Models"(repo).
- [9/20] π₯ More knowledge manipulation data will be release soon!
- [8/24] π₯ We release some visual instruction data (with knowledge manipulations) for chart images to increase the diversity of our dataset. data and image.
- [8/17] π₯ Model weight of LRV-Instruction V2 is available from here.
- [8/16] π₯ We release additional 180k visual instruction tuning data by generated GPT4. You can download from here. Our LRV-Instruction dataset contains 320k visual instruction data from in total.
- [8/14] π₯ We manually clean the dataset. The new version can be downloaded from Training Set and Evaluation Set.
- [8/05] π₯ LRV-Instruction V2 finetuned on mplug-owl achieves SOTA results on MME benchmark.
- [7/05] π₯ LRV-Instruction V1 finetuned on MiniGPt4 is released!
- [6/30] π₯ Our dataset is available on Hugging Face.(It's the old version)
- [6/27] π₯ Our paper is tweeted by AK.
- [6/26] π₯ Our technical report is available on arxiv.
| Model name | Backbone | Download Link | 
|---|---|---|
| LRV-Instruction V2 | Mplug-Owl | link | 
| LRV-Instruction V1 | MiniGPT4 | link | 
| Model name | Instruction | Image | 
|---|---|---|
| LRV Instruction | link | link | 
| LRV Instruction(More) | link | link | 
| Chart Instruction | link | link | 
We update the dataset with 300k visual instructions generated by GPT4, covering 16 vision-and-language tasks with open-ended instructions and answers. LRV-Instruction include both positive instructions and negative instructions for more robust visual instruction tuning. The images of our dataset are from Visual Genome. Our data can be accessed from here.
{'image_id': '2392588', 'question': 'Can you see a blue teapot on the white electric stove in the kitchen?', 'answer': 'There is no mention of a teapot on the white electric stove in the kitchen.', 'task': 'negative'}
For each instance, image_id refers to the image from Visual Genome. question and answer refer to the instruction-answer pair. task indicates the task name. You can download the images from here.
We provide our prompts for GPT-4 queries to better facilitate research in this domain. Please check out the prompts folder for positive and negative instance generation. negative1_generation_prompt.txt contains the prompt to generate negative instructions with Nonexistent Element Manipulation. negative2_generation_prompt.txt contains the prompt to generate negative instructions with Existent Element Manipulation. You can refer to the code here to generate more data. Please see our paper for more details.
LRV-Instruction can equip the LMM with the ability to say no and also provide correct answers, even though there is no chart image in LRV-Instruction dataset.
- LRV-Instruction(V1) is based on MiniGPT4-7B.
1. Clone this repository
https://github.com/FuxiaoLiu/LRV-Instruction.git2. Install Package
conda env create -f environment.yml --name LRV
conda activate LRV3. Prepare the Vicuna weights
Our model is finetuned on MiniGPT-4 with Vicuna-7B. Please refer to instruction here to prepare the Vicuna weights or download from here. Then, set the path to the Vicuna weight in MiniGPT-4/minigpt4/configs/models/minigpt4.yaml at Line 15.
4. Prepare the pretrained checkpoint of our model
Download the pretrained checkpoints from here
Then, set the path to the pretrained checkpoint in MiniGPT-4/eval_configs/minigpt4_eval.yaml at Line 11. This checkpoint is based on MiniGPT-4-7B. We will release the checkpoints for MiniGPT-4-13B and LLaVA in the future.
5. Set the dataset path
After getting the dataset, then set the path to the dataset path in MiniGPT-4/minigpt4/configs/datasets/cc_sbu/align.yaml at Line 5. The structure of the dataset folder is similar to the following:
/MiniGPt-4/cc_sbu_align
βββ image(Visual Genome images)
βββ filter_cap.json
6. Local Demo
Try out the demo demo.py of our finetuned model on your local machine by running
cd ./MiniGPT-4
python demo.py --cfg-path eval_configs/minigpt4_eval.yaml  --gpu-id 0
You can try the examples in here.
7. Model Inference
Set the path of the inference instruction file here, inference image folder here and output location here. We don't run inference in the training process.
cd ./MiniGPT-4
python inference.py --cfg-path eval_configs/minigpt4_eval.yaml  --gpu-id 0
- LRV-Instruction(V2) is based on plug-Owl-7B.
1. Install the environment according to mplug-owl.
We finetuned mplug-owl on 8 V100. If you meet any questions when implement on V100, feel free to let me know!
2. Download the Checkpoint
First download the checkpoint of mplug-owl from link and the trained lora model weight from here.
3. Edit the Code
As for the mplug-owl/serve/model_worker.py, edit the following code and enter the path of the lora model weight in lora_path.
self.image_processor = MplugOwlImageProcessor.from_pretrained(base_model)
self.tokenizer = AutoTokenizer.from_pretrained(base_model)
self.processor = MplugOwlProcessor(self.image_processor, self.tokenizer)
self.model = MplugOwlForConditionalGeneration.from_pretrained(
     base_model,
     load_in_8bit=load_in_8bit,
     torch_dtype=torch.bfloat16 if bf16 else torch.half,
     device_map="auto"
 )
self.tokenizer = self.processor.tokenizer
        
peft_config = LoraConfig(target_modules=r'.*language_model.*\.(q_proj|v_proj)', inference_mode=False, r=8,lora_alpha=32, lora_dropout=0.05)
self.model = get_peft_model(self.model, peft_config)
lora_path = 'Your lora model path'
prefix_state_dict = torch.load(lora_path, map_location='cpu')
self.model.load_state_dict(prefix_state_dict)
4. Local Demo
When you launch the demo in local machine, you might find there is no space for the text input. This is because of the version conflict between python and gradio. The simplest solution is to do conda activate LRV
python -m serve.web_server --base-model 'the mplug-owl checkpoint directory' --bf16
5. Model Inference
First git clone the code from mplug-owl, replace the /mplug/serve/model_worker.py with our /utils/model_worker.py and add the file /utils/inference.py. Then edit the input data file and image folder path. Finally run:
python -m serve.inference --base-model 'your checkpoint directory' --bf16
We introduce GPT4-Assisted Visual Instruction Evaluation (GAVIE) as a more flexible and robust approach to measure the hallucination generated by LMMs without the need for human-annotated groundtruth answers. GPT4 takes the dense captions with bounding box coordinates as the image content and compares human instructions and model response. Then we ask GPT4 to work as a smart teacher and score (0-10) studentsβ answers based on two criteria: (1) Accuracy: whether the response hallucinates with the image content.
(2) Relevancy: whether the response directly follows the instruction. prompts/GAVIE.txt contains the prompt of GAVIE.
Our evaluation set is available at here.
{'image_id': '2380160', 'question': 'Identify the type of transportation infrastructure present in the scene.'}
For each instance, image_id refers to the image from Visual Genome. instruction refers to the instruction. answer_gt refers to the groundtruth answer from Text-Only GPT4 but we don't use them in our evaluation. Instead, we use Text-Only GPT4 to evaluate the model output by using the dense captions and bounding boxes from Visual Genome dataset as the visual contents.
To evaluate your model outputs, first download the vg annotations from here. Second generate the evaluation prompt according to the code here. Third, feed the prompt into GPT4.
GPT4(GPT4-32k-0314) work as smart teachers and score (0-10) studentsβ answers based on two criteria.
(1) Accuracy: whether the response hallucinates with the image content. (2) Relevancy: whether the response directly follows the instruction.
| Method | GAVIE-Accuracy | GAVIE-Relevancy | 
|---|---|---|
| LLaVA1.0-7B | 4.36 | 6.11 | 
| LLaVA 1.5-7B | 6.42 | 8.20 | 
| MiniGPT4-v1-7B | 4.14 | 5.81 | 
| MiniGPT4-v2-7B | 6.01 | 8.10 | 
| mPLUG-Owl-7B | 4.84 | 6.35 | 
| InstructBLIP-7B | 5.93 | 7.34 | 
| MMGPT-7B | 0.91 | 1.79 | 
| Ours-7B | 6.58 | 8.46 | 
- Vicuna: The fantastic language ability of Vicuna amazing.
- MiniGPT4, LAVIS and mplug-owl: Many thanks to MiniGPT4, LAVIS and mplug-owl, many of our codes are based on them!
- Awesome-Multimodal-Large-Language-Models. The survey of LMMs is very helpful!
If you find our work useful for your your research and applications, please cite using this BibTeX:
@article{liu2023aligning,
  title={Aligning Large Multi-Modal Model with Robust Instruction Tuning},
  author={Liu, Fuxiao and Lin, Kevin and Li, Linjie and Wang, Jianfeng and Yacoob, Yaser and Wang, Lijuan},
  journal={arXiv preprint arXiv:2306.14565},
  year={2023}
}This repository is under BSD 3-Clause License. Many codes are based on MiniGPT4 and mplug-Owl with BSD 3-Clause License here.


