--- library_name: hunyuan-dit license: other license_name: tencent-hunyuan-community license_link: https://huggingface.co/Tencent-Hunyuan/HunyuanDiT/blob/main/LICENSE.txt language: - en - zh ---
# Hunyuan-DiT : A Powerful Multi-Resolution Diffusion Transformer with Fine-Grained Chinese Understanding This repo contains PyTorch model definitions, pre-trained weights and inference/sampling code for our paper exploring Hunyuan-DiT. You can find more visualizations on our [project page](https://dit.hunyuan.tencent.com/). > [**Hunyuan-DiT : A Powerful Multi-Resolution Diffusion Transformer with Fine-Grained Chinese Understanding**](https://arxiv.org/abs/2405.08748)
### Multi-turn Text2Image Generation Understanding natural language instructions and performing multi-turn interaction with users are important for a text-to-image system. It can help build a dynamic and iterative creation process that bring the userβs idea into reality step by step. In this section, we will detail how we empower Hunyuan-DiT with the ability to perform multi-round conversations and image generation. We train MLLM to understand the multi-round user dialogue and output the new text prompt for image generation.
## π Comparisons In order to comprehensively compare the generation capabilities of HunyuanDiT and other models, we constructed a 4-dimensional test set, including Text-Image Consistency, Excluding AI Artifacts, Subject Clarity, Aesthetic. More than 50 professional evaluators performs the evaluation.
Model | Open Source | Text-Image Consistency (%) | Excluding AI Artifacts (%) | Subject Clarity (%) | Aesthetics (%) | Overall (%) |
---|---|---|---|---|---|---|
SDXL | β | 64.3 | 60.6 | 91.1 | 76.3 | 42.7 |
PixArt-Ξ± | β | 68.3 | 60.9 | 93.2 | 77.5 | 45.5 |
Playground 2.5 | β | 71.9 | 70.8 | 94.9 | 83.3 | 54.3 |
SD 3 | ✘ | 77.1 | 69.3 | 94.6 | 82.5 | 56.7 |
MidJourney v6 | ✘ | 73.5 | 80.2 | 93.5 | 87.2 | 63.3 |
DALL-E 3 | ✘ | 83.9 | 80.3 | 96.5 | 89.4 | 71.0 |
Hunyuan-DiT | β | 74.2 | 74.3 | 95.4 | 86.6 | 59.0 |
* **Long Text Input**
* **Multi-turn Text2Image Generation** [demo video](https://youtu.be/4AaHrYnuIcE) --- ## π Requirements This repo consists of DialogGen (a prompt enhancement model) and Hunyuan-DiT (a text-to-image model). The following table shows the requirements for running the models (The TensorRT version will be updated soon): | Model | TensorRT | Batch Size | GPU Memory | GPU | |:------------------------:|:--------:|:----------:|:----------:|:---------:| | DialogGen + Hunyuan-DiT | β | 1 | 32G | V100/A100 | | Hunyuan-DiT | β | 1 | 11G | V100/A100 | * An NVIDIA GPU with CUDA support is required. * We have tested V100 and A100 GPUs. * **Minimum**: The minimum GPU memory required is 11GB. * **Recommended**: We recommend using a GPU with 32GB of memory for better generation quality. * Tested operating system: Linux ## π οΈ Dependencies and Installation Begin by cloning the repository: ```bash git clone https://github.com/tencent/HunyuanDiT cd HunyuanDiT ``` We provide an `environment.yml` file for setting up a Conda environment. Conda's installation instructions are available [here](https://docs.anaconda.com/free/miniconda/index.html). ```bash # 1. Prepare conda environment conda env create -f environment.yml # 2. Activate the environment conda activate HunyuanDiT # 3. Install pip dependencies python -m pip install -r requirements.txt # 4. (Optional) Install flash attention v2 for acceleration (requires CUDA 11.6 or above) python -m pip install git+https://github.com/Dao-AILab/flash-attention.git@v2.1.2.post3 ``` ## 𧱠Download Pretrained Models To download the model, first install the huggingface-cli. (Detailed instructions are available [here](https://huggingface.co/docs/huggingface_hub/guides/cli).) ```bash python -m pip install "huggingface_hub[cli]" ``` Then download the model using the following commands: ```bash # Create a directory named 'ckpts' where the model will be saved, fulfilling the prerequisites for running the demo. mkdir ckpts # Use the huggingface-cli tool to download the model. # The download time may vary from 10 minutes to 1 hour depending on network conditions. huggingface-cli download Tencent-Hunyuan/HunyuanDiT --local-dir ./ckpts ``` NoteοΌIf an `No such file or directory: 'ckpts/.huggingface/.gitignore.lock'` like error occurs during the download process, you can ignore the error and retry the command by executing `huggingface-cli download Tencent-Hunyuan/HunyuanDiT --local-dir ./ckpts` All models will be automatically downloaded. For more information about the model, visit the Hugging Face repository [here](https://huggingface.co/Tencent-Hunyuan/HunyuanDiT). | Model | #Params | Download URL | |:------------------:|:-------:|:-------------------------------------------------------------------------------------------------------:| | mT5 | 1.6B | [mT5](https://huggingface.co/Tencent-Hunyuan/HunyuanDiT/tree/main/t2i/mt5) | | CLIP | 350M | [CLIP](https://huggingface.co/Tencent-Hunyuan/HunyuanDiT/tree/main/t2i/clip_text_encoder) | | DialogGen | 7.0B | [DialogGen](https://huggingface.co/Tencent-Hunyuan/HunyuanDiT/tree/main/dialoggen) | | sdxl-vae-fp16-fix | 83M | [sdxl-vae-fp16-fix](https://huggingface.co/Tencent-Hunyuan/HunyuanDiT/tree/main/t2i/sdxl-vae-fp16-fix) | | Hunyuan-DiT | 1.5B | [Hunyuan-DiT](https://huggingface.co/Tencent-Hunyuan/HunyuanDiT/tree/main/t2i/model) | ## π Inference ### Using Gradio Make sure you have activated the conda environment before running the following command. ```shell # By default, we start a Chinese UI. python app/hydit_app.py # Using Flash Attention for acceleration. python app/hydit_app.py --infer-mode fa # You can disable the enhancement model if the GPU memory is insufficient. # The enhancement will be unavailable until you restart the app without the `--no-enhance` flag. python app/hydit_app.py --no-enhance # Start with English UI python app/hydit_app.py --lang en ``` ### Using Command Line We provide 3 modes to quick start: ```bash # Prompt Enhancement + Text-to-Image. Torch mode python sample_t2i.py --prompt "ζΈθε±ζ" # Only Text-to-Image. Torch mode python sample_t2i.py --prompt "ζΈθε±ζ" --no-enhance # Only Text-to-Image. Flash Attention mode python sample_t2i.py --infer-mode fa --prompt "ζΈθε±ζ" # Generate an image with other image sizes. python sample_t2i.py --prompt "ζΈθε±ζ" --image-size 1280 768 ``` More example prompts can be found in [example_prompts.txt](example_prompts.txt) ### More Configurations We list some more useful configurations for easy usage: | Argument | Default | Description | |:---------------:|:---------:|:---------------------------------------------------:| | `--prompt` | None | The text prompt for image generation | | `--image-size` | 1024 1024 | The size of the generated image | | `--seed` | 42 | The random seed for generating images | | `--infer-steps` | 100 | The number of steps for sampling | | `--negative` | - | The negative prompt for image generation | | `--infer-mode` | torch | The inference mode (torch or fa) | | `--sampler` | ddpm | The diffusion sampler (ddpm, ddim, or dpmms) | | `--no-enhance` | False | Disable the prompt enhancement model | | `--model-root` | ckpts | The root directory of the model checkpoints | | `--load-key` | ema | Load the student model or EMA model (ema or module) | # π BibTeX If you find [Hunyuan-DiT](https://arxiv.org/abs/2405.08748) or [DialogGen](https://arxiv.org/abs/2403.08857) useful for your research and applications, please cite using this BibTeX: ```BibTeX @misc{li2024hunyuandit, title={Hunyuan-DiT: A Powerful Multi-Resolution Diffusion Transformer with Fine-Grained Chinese Understanding}, author={Zhimin Li and Jianwei Zhang and Qin Lin and Jiangfeng Xiong and Yanxin Long and Xinchi Deng and Yingfang Zhang and Xingchao Liu and Minbin Huang and Zedong Xiao and Dayou Chen and Jiajun He and Jiahao Li and Wenyue Li and Chen Zhang and Rongwei Quan and Jianxiang Lu and Jiabin Huang and Xiaoyan Yuan and Xiaoxiao Zheng and Yixuan Li and Jihong Zhang and Chao Zhang and Meng Chen and Jie Liu and Zheng Fang and Weiyan Wang and Jinbao Xue and Yangyu Tao and Jianchen Zhu and Kai Liu and Sihuan Lin and Yifu Sun and Yun Li and Dongdong Wang and Mingtao Chen and Zhichao Hu and Xiao Xiao and Yan Chen and Yuhong Liu and Wei Liu and Di Wang and Yong Yang and Jie Jiang and Qinglin Lu}, year={2024}, eprint={2405.08748}, archivePrefix={arXiv}, primaryClass={cs.CV} } @article{huang2024dialoggen, title={DialogGen: Multi-modal Interactive Dialogue System for Multi-turn Text-to-Image Generation}, author={Huang, Minbin and Long, Yanxin and Deng, Xinchi and Chu, Ruihang and Xiong, Jiangfeng and Liang, Xiaodan and Cheng, Hong and Lu, Qinglin and Liu, Wei}, journal={arXiv preprint arXiv:2403.08857}, year={2024} } ```