๐ Welcome!
English | ็ฎไฝไธญๆ | ๆฅๆฌ่ช
VideoX-Fun is a video generation pipeline that can be used to generate AI images and videos, as well as to train baseline and Lora models for Diffusion Transformer. We support direct prediction from pre-trained baseline models to generate videos with different resolutions, durations, and FPS. Additionally, we also support users in training their own baseline and Lora models to perform specific style transformations.
We will support quick pull-ups from different platforms, refer to Quick Start.
What's New:
- Update Wan2.1-Fun-V1.0: Support I2V and Control models for 14B and 1.3B models, with support for start and end frame prediction. [2025.03.26]
- Update CogVideoX-Fun-V1.5: Upload I2V model and related training/prediction code. [2024.12.16]
- Reward Lora Support: Train Lora using reward backpropagation techniques to optimize generated videos, making them better aligned with human preferences. More Information. New version of the control model supports various control conditions such as Canny, Depth, Pose, MLSD, etc. [2024.11.21]
- Diffusers Support: CogVideoX-Fun Control is now supported in diffusers. Thanks to a-r-r-o-w for contributing support in this PR. Check out the documentation for more details. [2024.10.16]
- Update CogVideoX-Fun-V1.1: Retrain i2v model, add Noise to increase the motion amplitude of the video. Upload control model training code and Control model. [2024.09.29]
- Update CogVideoX-Fun-V1.0: Initial code release! Now supports Windows and Linux. Supports video generation at arbitrary resolutions from 256x256x49 to 1024x1024x49 for 2B and 5B models. [2024.09.18]
Function๏ผ
Our UI interface is as follows:
DSW has free GPU time, which can be applied once by a user and is valid for 3 months after applying.
Aliyun provide free GPU time in Freetier, get it and use in Aliyun PAI-DSW to start CogVideoX-Fun within 5min!
Our ComfyUI is as follows, please refer to ComfyUI README for details.
If you are using docker, please make sure that the graphics card driver and CUDA environment have been installed correctly in your machine.
Then execute the following commands in this way:
# pull image
docker pull mybigpai-public-registry.cn-beijing.cr.aliyuncs.com/easycv/torch_cuda:cogvideox_fun
# enter image
docker run -it -p 7860:7860 --network host --gpus all --security-opt seccomp:unconfined --shm-size 200g mybigpai-public-registry.cn-beijing.cr.aliyuncs.com/easycv/torch_cuda:cogvideox_fun
# clone code
git clone https://github.com/aigc-apps/CogVideoX-Fun.git
# enter CogVideoX-Fun's dir
cd CogVideoX-Fun
# download weights
mkdir models/Diffusion_Transformer
mkdir models/Personalized_Model
# Please use the hugginface link or modelscope link to download the model.
# CogVideoX-Fun
# https://huggingface.co/alibaba-pai/CogVideoX-Fun-V1.1-5b-InP
# https://modelscope.cn/models/PAI/CogVideoX-Fun-V1.1-5b-InP
# Wan
# https://huggingface.co/alibaba-pai/Wan2.1-Fun-14B-InP
# https://modelscope.cn/models/PAI/Wan2.1-Fun-14B-InP
We have verified this repo execution on the following environment:
The detailed of Windows:
- OS: Windows 10
- python: python3.10 & python3.11
- pytorch: torch2.2.0
- CUDA: 11.8 & 12.1
- CUDNN: 8+
- GPU๏ผ Nvidia-3060 12G & Nvidia-3090 24G
The detailed of Linux:
- OS: Ubuntu 20.04, CentOS
- python: python3.10 & python3.11
- pytorch: torch2.2.0
- CUDA: 11.8 & 12.1
- CUDNN: 8+
- GPU๏ผNvidia-V100 16G & Nvidia-A10 24G & Nvidia-A100 40G & Nvidia-A100 80G
We need about 60GB available on disk (for saving weights), please check!
We'd better place the weights along the specified path:
Via ComfyUI:
Put the models into the ComfyUI weights folder ComfyUI/models/Fun_Models/
:
๐ฆ ComfyUI/
โโโ ๐ models/
โ โโโ ๐ Fun_Models/
โ โโโ ๐ CogVideoX-Fun-V1.1-2b-InP/
โ โโโ ๐ CogVideoX-Fun-V1.1-5b-InP/
โ โโโ ๐ Wan2.1-Fun-14B-InP
โ โโโ ๐ Wan2.1-Fun-1.3B-InP/
Run its own python file or UI interface:
๐ฆ models/
โโโ ๐ Diffusion_Transformer/
โ โโโ ๐ CogVideoX-Fun-V1.1-2b-InP/
โ โโโ ๐ CogVideoX-Fun-V1.1-5b-InP/
โ โโโ ๐ Wan2.1-Fun-14B-InP
โ โโโ ๐ Wan2.1-Fun-1.3B-InP/
โโโ ๐ Personalized_Model/
โ โโโ your trained trainformer model / your trained lora model (for UI load)
double_fps_00000046.mp4 |
double_fps_00000063.mp4 |
double_fps_00000016.mp4 |
double_fps_00000001.mp4 |
00000008.mp4 |
00000009.mp4 |
00000003.mp4 |
00000011.mp4 |
Fun-Trajectory_00003.mp4 |
Fun-Trajectory-Merge_00003.mp4 |
Fun_00006.mp4 |
demo_pose.mp4 |
demo_scribble.mp4 |
demo_depth.mp4 |
0003.mp4 |
0002.mp4 |
0001.mp4 |
Resolution-1024
00000005.mp4 |
00000006.mp4 |
00000009.mp4 |
00000010.mp4 |
Resolution-768
00000001.mp4 |
00000002.mp4 |
00000005.mp4 |
00000006.mp4 |
Resolution-512
00000036.mp4 |
00000035.mp4 |
00000034.mp4 |
00000033.mp4 |
demo_pose.mp4 |
demo_scribble.mp4 |
demo_depth.mp4 |
A young woman with beautiful clear eyes and blonde hair, wearing white clothes and twisting her body, with the camera focused on her face. High quality, masterpiece, best quality, high resolution, ultra-fine, dreamlike. | A young woman with beautiful clear eyes and blonde hair, wearing white clothes and twisting her body, with the camera focused on her face. High quality, masterpiece, best quality, high resolution, ultra-fine, dreamlike. | A young bear. |
00000010.mp4 |
00000011.mp4 |
00000012.mp4 |
Since Wan2.1 has a very large number of parameters, we need to consider memory optimization strategies to adapt to consumer-grade GPUs. We provide GPU_memory_mode
for each prediction file, allowing you to choose between model_cpu_offload
, model_cpu_offload_and_qfloat8
, and sequential_cpu_offload
. This solution is also applicable to CogVideoX-Fun generation.
model_cpu_offload
: The entire model is moved to the CPU after use, saving some GPU memory.model_cpu_offload_and_qfloat8
: The entire model is moved to the CPU after use, and the transformer model is quantized to float8, saving more GPU memory.sequential_cpu_offload
: Each layer of the model is moved to the CPU after use. It is slower but saves a significant amount of GPU memory.
qfloat8
may slightly reduce model performance but saves more GPU memory. If you have sufficient GPU memory, it is recommended to use model_cpu_offload
.
For details, refer to ComfyUI README.
- Step 1: Download the corresponding weights and place them in the
models
folder. - Step 2: Use different files for prediction based on the weights and prediction goals. This library currently supports CogVideoX-Fun, Wan2.1, and Wan2.1-Fun. Different models are distinguished by folder names under the
examples
folder, and their supported features vary. Use them accordingly. Below is an example using CogVideoX-Fun:- Text-to-Video:
- Modify
prompt
,neg_prompt
,guidance_scale
, andseed
in the fileexamples/cogvideox_fun/predict_t2v.py
. - Run the file
examples/cogvideox_fun/predict_t2v.py
and wait for the results. The generated videos will be saved in the foldersamples/cogvideox-fun-videos
.
- Modify
- Image-to-Video:
- Modify
validation_image_start
,validation_image_end
,prompt
,neg_prompt
,guidance_scale
, andseed
in the fileexamples/cogvideox_fun/predict_i2v.py
. validation_image_start
is the starting image of the video, andvalidation_image_end
is the ending image of the video.- Run the file
examples/cogvideox_fun/predict_i2v.py
and wait for the results. The generated videos will be saved in the foldersamples/cogvideox-fun-videos_i2v
.
- Modify
- Video-to-Video:
- Modify
validation_video
,validation_image_end
,prompt
,neg_prompt
,guidance_scale
, andseed
in the fileexamples/cogvideox_fun/predict_v2v.py
. validation_video
is the reference video for video-to-video generation. You can use the following demo video: Demo Video.- Run the file
examples/cogvideox_fun/predict_v2v.py
and wait for the results. The generated videos will be saved in the foldersamples/cogvideox-fun-videos_v2v
.
- Modify
- Controlled Video Generation (Canny, Pose, Depth, etc.):
- Modify
control_video
,validation_image_end
,prompt
,neg_prompt
,guidance_scale
, andseed
in the fileexamples/cogvideox_fun/predict_v2v_control.py
. control_video
is the control video extracted using operators such as Canny, Pose, or Depth. You can use the following demo video: Demo Video.- Run the file
examples/cogvideox_fun/predict_v2v_control.py
and wait for the results. The generated videos will be saved in the foldersamples/cogvideox-fun-videos_v2v_control
.
- Modify
- Text-to-Video:
- Step 3: If you want to integrate other backbones or Loras trained by yourself, modify
lora_path
and relevant paths inexamples/{model_name}/predict_t2v.py
orexamples/{model_name}/predict_i2v.py
as needed.
The web UI supports text-to-video, image-to-video, video-to-video, and controlled video generation (Canny, Pose, Depth, etc.). This library currently supports CogVideoX-Fun, Wan2.1, and Wan2.1-Fun. Different models are distinguished by folder names under the examples
folder, and their supported features vary. Use them accordingly. Below is an example using CogVideoX-Fun:
- Step 1: Download the corresponding weights and place them in the
models
folder. - Step 2: Run the file
examples/cogvideox_fun/app.py
to access the Gradio interface. - Step 3: Select the generation model on the page, fill in
prompt
,neg_prompt
,guidance_scale
, andseed
, click "Generate," and wait for the results. The generated videos will be saved in thesample
folder.
A complete model training pipeline should include data preprocessing and Video DiT training. The training process for different models is similar, and the data formats are also similar:
We have provided a simple demo of training the Lora model through image data, which can be found in the wiki for details.
A complete data preprocessing link for long video segmentation, cleaning, and description can refer to README in the video captions section.
If you want to train a text to image and video generation model. You need to arrange the dataset in this format.
๐ฆ project/
โโโ ๐ datasets/
โ โโโ ๐ internal_datasets/
โ โโโ ๐ train/
โ โ โโโ ๐ 00000001.mp4
โ โ โโโ ๐ 00000002.jpg
โ โ โโโ ๐ .....
โ โโโ ๐ json_of_internal_datasets.json
The json_of_internal_datasets.json is a standard JSON file. The file_path in the json can to be set as relative path, as shown in below:
[
{
"file_path": "train/00000001.mp4",
"text": "A group of young men in suits and sunglasses are walking down a city street.",
"type": "video"
},
{
"file_path": "train/00000002.jpg",
"text": "A group of young men in suits and sunglasses are walking down a city street.",
"type": "image"
},
.....
]
You can also set the path as absolute path as follow:
[
{
"file_path": "/mnt/data/videos/00000001.mp4",
"text": "A group of young men in suits and sunglasses are walking down a city street.",
"type": "video"
},
{
"file_path": "/mnt/data/train/00000001.jpg",
"text": "A group of young men in suits and sunglasses are walking down a city street.",
"type": "image"
},
.....
]
If the data format is relative path during data preprocessing, please set scripts/{model_name}/train.sh
as follow.
export DATASET_NAME="datasets/internal_datasets/"
export DATASET_META_NAME="datasets/internal_datasets/json_of_internal_datasets.json"
If the data format is absolute path during data preprocessing, please set scripts/train.sh
as follow.
export DATASET_NAME=""
export DATASET_META_NAME="/mnt/data/json_of_internal_datasets.json"
Then, we run scripts/train.sh.
sh scripts/train.sh
For details on some parameter settings: Wan2.1-Fun can be found in Readme Train and Readme Lora. Wan2.1 can be found in Readme Train and Readme Lora. CogVideoX-Fun can be found in Readme Train and Readme Lora.
V1.0:
Name | Storage Space | Hugging Face | Model Scope | Description |
---|---|---|---|---|
Wan2.1-Fun-1.3B-InP | 19.0 GB | ๐คLink | ๐Link | Wan2.1-Fun-1.3B text-to-video weights, trained at multiple resolutions, supporting start and end frame prediction. |
Wan2.1-Fun-14B-InP | 47.0 GB | ๐คLink | ๐Link | Wan2.1-Fun-14B text-to-video weights, trained at multiple resolutions, supporting start and end frame prediction. |
Wan2.1-Fun-1.3B-Control | 19.0 GB | ๐คLink | ๐Link | Wan2.1-Fun-1.3B video control weights, supporting various control conditions such as Canny, Depth, Pose, MLSD, etc., and trajectory control. Supports multi-resolution (512, 768, 1024) video prediction at 81 frames, trained at 16 frames per second, with multilingual prediction support. |
Wan2.1-Fun-14B-Control | 47.0 GB | ๐คLink | ๐Link | Wan2.1-Fun-14B video control weights, supporting various control conditions such as Canny, Depth, Pose, MLSD, etc., and trajectory control. Supports multi-resolution (512, 768, 1024) video prediction at 81 frames, trained at 16 frames per second, with multilingual prediction support. |
Name | Hugging Face | Model Scope | Description |
---|---|---|---|
Wan2.1-T2V-1.3B | ๐คLink | ๐Link | Wanxiang 2.1-1.3B text-to-video weights |
Wan2.1-T2V-14B | ๐คLink | ๐Link | Wanxiang 2.1-14B text-to-video weights |
Wan2.1-I2V-14B-480P | ๐คLink | ๐Link | Wanxiang 2.1-14B-480P image-to-video weights |
Wan2.1-I2V-14B-720P | ๐คLink | ๐Link | Wanxiang 2.1-14B-720P image-to-video weights |
V1.5:
Name | Storage Space | Hugging Face | Model Scope | Description |
---|---|---|---|---|
CogVideoX-Fun-V1.5-5b-InP | 20.0 GB | ๐คLink | ๐Link | Our official graph-generated video model is capable of predicting videos at multiple resolutions (512, 768, 1024) and has been trained on 85 frames at a rate of 8 frames per second. |
CogVideoX-Fun-V1.5-Reward-LoRAs | - | ๐คLink | ๐Link | The official reward backpropagation technology model optimizes the videos generated by CogVideoX-Fun-V1.5 to better match human preferences. ๏ฝ |
V1.1:
Name | Storage Space | Hugging Face | Model Scope | Description |
---|---|---|---|---|
CogVideoX-Fun-V1.1-2b-InP | 13.0 GB | ๐คLink | ๐Link | Our official graph-generated video model is capable of predicting videos at multiple resolutions (512, 768, 1024, 1280) and has been trained on 49 frames at a rate of 8 frames per second. |
CogVideoX-Fun-V1.1-5b-InP | 20.0 GB | ๐คLink | ๐Link | Our official graph-generated video model is capable of predicting videos at multiple resolutions (512, 768, 1024, 1280) and has been trained on 49 frames at a rate of 8 frames per second. Noise has been added to the reference image, and the amplitude of motion is greater compared to V1.0. |
CogVideoX-Fun-V1.1-2b-Pose | 13.0 GB | ๐คLink | ๐Link | Our official pose-control video model is capable of predicting videos at multiple resolutions (512, 768, 1024, 1280) and has been trained on 49 frames at a rate of 8 frames per second. |
CogVideoX-Fun-V1.1-2b-Control | 13.0 GB | ๐คLink | ๐Link | Our official control video model is capable of predicting videos at multiple resolutions (512, 768, 1024, 1280) and has been trained on 49 frames at a rate of 8 frames per second. Supporting various control conditions such as Canny, Depth, Pose, MLSD, etc. |
CogVideoX-Fun-V1.1-5b-Pose | 20.0 GB | ๐คLink | ๐Link | Our official pose-control video model is capable of predicting videos at multiple resolutions (512, 768, 1024, 1280) and has been trained on 49 frames at a rate of 8 frames per second. |
CogVideoX-Fun-V1.1-5b-Control | 20.0 GB | ๐คLink | ๐Link | Our official control video model is capable of predicting videos at multiple resolutions (512, 768, 1024, 1280) and has been trained on 49 frames at a rate of 8 frames per second. Supporting various control conditions such as Canny, Depth, Pose, MLSD, etc. |
CogVideoX-Fun-V1.1-Reward-LoRAs | - | ๐คLink | ๐Link | The official reward backpropagation technology model optimizes the videos generated by CogVideoX-Fun-V1.1 to better match human preferences. ๏ฝ |
(Obsolete) V1.0:
Name | Storage Space | Hugging Face | Model Scope | Description |
---|---|---|---|---|
CogVideoX-Fun-2b-InP | 13.0 GB | ๐คLink | ๐Link | Our official graph-generated video model is capable of predicting videos at multiple resolutions (512, 768, 1024, 1280) and has been trained on 49 frames at a rate of 8 frames per second. |
CogVideoX-Fun-5b-InP | 20.0 GB | ๐คLink | ๐Link | Our official graph-generated video model is capable of predicting videos at multiple resolutions (512, 768, 1024, 1280) and has been trained on 49 frames at a rate of 8 frames per second. |
- CogVideo: https://github.com/THUDM/CogVideo/
- EasyAnimate: https://github.com/aigc-apps/EasyAnimate
- Wan2.1: https://github.com/Wan-Video/Wan2.1/
This project is licensed under the Apache License (Version 2.0).
The CogVideoX-2B model (including its corresponding Transformers module and VAE module) is released under the Apache 2.0 License.
The CogVideoX-5B model (Transformers module) is released under the CogVideoX LICENSE.