# Draw-and-Understand
**Repository Path**: ricarvy/Draw-and-Understand
## Basic Information
- **Project Name**: Draw-and-Understand
- **Description**: No description available
- **Primary Language**: Unknown
- **License**: Apache-2.0
- **Default Branch**: main
- **Homepage**: None
- **GVP Project**: No
## Statistics
- **Stars**: 0
- **Forks**: 0
- **Created**: 2025-11-18
- **Last Updated**: 2025-11-18
## Categories & Tags
**Categories**: Uncategorized
**Tags**: None
## README
## π¨ Draw-and-Understand: Leveraging Visual Prompts to Enable MLLMs to Comprehend What You Want
[Weifeng Lin](), [Xinyu Wei](), [Ruichuan An](), [Peng Gao]()
[Bocheng Zou](), [Yulin Luo](), [Siyuan Huang](), [Shanghang Zhang]() and [Hongsheng Li]()
[](https://draw-and-understand.github.io/) [](https://arxiv.org/abs/2403.20271) [](https://github.com/AFeng-x/Draw-and-Understand/blob/main/LICENSE)
[[π Project Page](https://draw-and-understand.github.io/)] [[π Paper](https://arxiv.org/abs/2403.20271)] [[π€ MDVP-Data](https://huggingface.co/datasets/Afeng-x/Draw-and-Understand/tree/main/stage_2_fine-tuning/MDVP-Data)] [[π€ MDVP-Bench](https://huggingface.co/datasets/Afeng-x/Draw-and-Understand/tree/main/MDVP-bench)] [[π€οΈ Model](https://huggingface.co/Afeng-x/SPHINX-V-Model)]
## π₯ News
- **[2025.06.08]** π₯π Perceive Anything Model (PAM) is released. It is a conceptually simple and efficient framework for comprehensive region-level visual understanding in images and videos, enabling simultaneous object segmentation with the generation of diverse, region-specific semantic outputs, including categories, label definition, functional explanations, and detailed captions. Check out [paper](https://arxiv.org/abs/2506.05302), [Website](https://perceive-anything.github.io/), and [Code](https://github.com/Perceive-Anything/PAM) to see new capabilities and improved performance! We have released PAM-1.5b and PAM-3b models.
- **[2025.01.23]** π Draw-and-Understand is accepted by ICLR 2025
- **[2024.03.28]** π₯ We released the [MDVP-Data](https://huggingface.co/datasets/Afeng-x/Draw-and-Understand/tree/main/stage_2_fine-tuning/MDVP-Data) dataset, [MDVP-Bench](https://huggingface.co/datasets/Afeng-x/Draw-and-Understand/tree/main/MDVP-bench) benchmark, and the [SPHINX-V-13B model](https://huggingface.co/Afeng-x/SPHINX-V-Model).
- **[2024.03.28]** π We release the [arXiv paper](https://arxiv.org/abs/2403.20271).
- **[2024.03.28]** π We released the traning and [evaluation](accessory/eval/readme.md) code.
## π Introduction
The interaction between humans and artificial intelligence (AI) is a crucial factor that reflects the effectiveness of multimodal large language models (MLLMs). However, current MLLMs primarily focus on image-level comprehension and limit interaction to textual instructions, thereby constraining their flexibility in usage and depth of response. Therefore, we introduce the **Draw-and-Understand project**: a new model, a multi-domain dataset, and a challenging benchmark for visual prompting.
Specifically, the model is named **SPHINX-V**, a new multimodal large language model designed for visual prompting, equipped with a novel visual prompt encoder and a two-stage training strategy. SPHINX-V supports multiple visual prompts simultaneously across various types, significantly enhancing user flexibility and achieve a fine-grained and open-world understanding of visual prompts.
## π Examples Show
π Natural Image Domain
π OCR Image Domain
π Mobile/Website Screenshot Domain
π Multi-panel Image Domain
## π οΈ Install
1. Clone this repository and navigate to Draw-and-Understand folder
``` bash
git clone https://github.com/AFeng-x/Draw-and-Understand.git
cd Draw-and-Understand
```
2. Install packages
``` bash
# Create a new conda environment named 'sphinx-v' with Python 3.10
conda create -n sphinx-v python=3.10 -y
# Activate the 'sphinx-v' environment
conda activate sphinx-v
# Install required packages from 'requirements.txt'
pip install -r requirements.txt
```
3. Optional: Install Flash-Attention
``` bash
# Draw-and-Understand is powered by flash-attention for efficient attention computation.
pip install flash-attn --no-build-isolation
```
4. Install Draw-and-Understand as Python Package
``` bash
# go to the root directory of Draw-and-Understand
cd Draw-and-Understand
# install Draw-and-Understand
pip install -e .
# After this, you will be able to invoke βimport SPHINX_Vβ without the restriction of working directory.
```
5. To enable the segmentation ability shown in our official demo, SAM is also needed:
``` bash
pip install git+https://github.com/facebookresearch/segment-anything.git
```
## π€οΈ Checkpoints
SPHINX-V-13b Stage-1 Pre-training Weight: π€[Hugging Face](https://huggingface.co/Afeng-x/SPHINX-V-Model/tree/main/sphinx-v/stage1) / [Baidu](https://pan.baidu.com/s/1VRSHyKrnyyvdJq-I_r85Vg?pwd=i9f5)
SPHINX-V-13b Stage-2 Fine-tunings Weight: π€[Hugging Face](https://huggingface.co/Afeng-x/SPHINX-V-Model/tree/main/sphinx-v/stage2) / [Baidu](https://pan.baidu.com/s/1VRSHyKrnyyvdJq-I_r85Vg?pwd=i9f5)
Other required weights and configurations: π€[Hugging Face](https://huggingface.co/Afeng-x/SPHINX-V-Model/tree/main)
Please download them to your own machine. The file structure should appear as follows:
```
accessory/checkpoints/sphinx-v/stage2
βββ consolidated.00-of-02.model.pth
βββ consolidated.01-of-02.model.pth
βββ tokenizer.model
βββ config.json
βββ meta.json
```
```
accessory/checkpoints/llama-2-13b
βββ params.json
accessory/checkpoints/tokenizer
βββ tokenizer.model
```
## π MDVP-Dataset
- MDVP-Data is a comprehensive dataset for multi-domain visual-prompt instruction tuning. This dataset encompasses data for both point-level and region-level understanding, designed to enhance a modelβs comprehension ability and robustness.
- Based on MDVP-Data, we also introduce MDVP-Bench, a challenging benchmark designed to evaluate tasks that require a combination of detailed description referrals, inter-relationship analysis, and complex reasoning.
## π Training
- **Prepare data**
- Please download the annotations of our pre-training data and images. (Refer to the [Dataset Preparation](Data/dataset.md))
- **Stage 1: Image-Visual Prompt-Text Alignment Pre-training**
- Download the pretrained SPHINX-v2-1k Weights from [Hugging face](https://huggingface.co/Alpha-VLLM/LLaMA2-Accessory/tree/main/finetune/mm/SPHINX/SPHINX-v2-1k) or [Baidu](https://pan.baidu.com/s/1PKCf515EGmSnSZ8teERHjQ?pwd=88z0)(88z0). Place the model in the "accessory/checkpoints/sphinx-v2-1k" directory.
- Download the [ViT-H SAM model](https://dl.fbaipublicfiles.com/segment_anything/sam_vit_h_4b8939.pth) and place the model in the "accessory/checkpoints/sam" directory.
- Pre-training configuration is [vp_pretrain.yaml](./accessory/configs/data/vp_pretrain.yaml). Please ensure that all annotations are included and update the image paths in each JSON file to reflect the paths on your machine.
- Update the model paths in the run script.
- Run `bash scripts/train_sphinx-v_pretrain_stage1.sh`.
- **Stage 2: Multi-Task End-to-End Supervised Finetuning**
- Download SPHINX-V Stage-1 Pre-training Weights from [π€οΈCheckpoints](https://github.com/AFeng-x/Draw-and-Understand?tab=readme-ov-file#%EF%B8%8F-checkpoints). Alternatively, you may use your own model weights trained from Stage 1.
- Place the model in the "accessory/checkpoints/sphinx-v/stage1" directory.
- Fine-tuning configuration is [vp_finetune.yaml](./accessory/configs/data/vp_finetune.yaml). Please ensure that all annotations are included and update the image paths in each JSON file to reflect the paths on your machine.
- Update the model paths in the run script.
- Run `bash scripts/train_sphinx-v_finetune_stage2.sh`.
## π Evaluation
See [evaluation](./accessory/eval/readme.md) for details.
## π©οΈ Inference
We provide a simple example for inference in [inference.py](./SPHINX_V/inference.py)
You can launch this script with `torchrun --master_port=1112 --nproc_per_node=1 inference.py`
## πͺ Host Local Demo
π» **requirments:**
1. For this demo, it needs to prepare the SPHINX-V stage-2 checkpoints and ViT-H SAM model, and place them in the `accessory/checkpoints/` directory.
2. Make sure you have installed Segment Anything.
3. Run.
```
cd accessory/demos
bash run.sh
```
## π Acknowledgement
- [LLaMA-Accessory](https://github.com/Alpha-VLLM/LLaMA2-Accessory): the codebase we built upon.
- [SAM](https://github.com/facebookresearch/segment-anything): the demo also uses the segmentation result from SAM.
## ποΈ: Citation
If you find our **Draw-and-Understand** project useful for your research and applications, please kindly cite using this BibTeX:
```latex
@misc{lin2024drawandunderstand,
title={Draw-and-Understand: Leveraging Visual Prompts to Enable MLLMs to Comprehend What You Want},
author={Weifeng Lin and Xinyu Wei and Ruichuan An and Peng Gao and Bocheng Zou and Yulin Luo and Siyuan Huang and Shanghang Zhang and Hongsheng Li},
year={2024},
eprint={2403.20271},
archivePrefix={arXiv},
primaryClass={cs.CV}
}
```