StableAnimator
StableAnimator: High-Quality Identity-Preserving Human Image Animation
Shuyuan Tu1, Zhen Xing1, Xintong Han3, Zhi-Qi Cheng4, Qi Dai2, Chong Luo2, Zuxuan Wu1
[1Fudan University; 2Microsoft Research Asia; 3Huya Inc; 4Carnegie Mellon University]
Pose-driven Human image animations generated by StableAnimator, showing its power to synthesize high-fidelity and ID-preserving videos. All animations are directly synthesized by StableAnimator without the use of any face-related post-processing tools, such as the face-swapping tool FaceFusion or face restoration models like GFP-GAN and CodeFormer.
Comparison results between StableAnimator and state-of-the-art (SOTA) human image animation models highlight the superior performance of StableAnimator in delivering high-fidelity, identity-preserving human image animation.
Overview
The overview of the framework of StableAnimator.
Current diffusion models for human image animation struggle to ensure identity (ID) consistency. This paper presents StableAnimator, the first end-to-end ID-preserving video diffusion framework, which synthesizes high-quality videos without any post-processing, conditioned on a reference image and a sequence of poses. Building upon a video diffusion model, StableAnimator contains carefully designed modules for both training and inference striving for identity consistency. In particular, StableAnimator begins by computing image and face embeddings with off-the-shelf extractors, respectively and face embeddings are further refined by interacting with image embeddings using a global content-aware Face Encoder. Then, StableAnimator introduces a novel distribution-aware ID Adapter that prevents interference caused by temporal layers while preserving ID via alignment. During inference, we propose a novel Hamilton-Jacobi-Bellman (HJB) equation-based optimization to further enhance the face quality. We demonstrate that solving the HJB equation can be integrated into the diffusion denoising process, and the resulting solution constrains the denoising path and thus benefits ID preservation. Experiments on multiple benchmarks show the effectiveness of StableAnimator both qualitatively and quantitatively.
News
[2024-12-10]
:π₯ The gradio interface is released! Many thanks to @gluttony-10 for his contribution! Other codes will be released very soon. Stay tuned![2024-12-6]
:π₯ All data preprocessing codes (human skeleton extraction and human face mask extraction) are released! The training code and detailed training tutorial will be released before 2024.12.13. Stay tuned![2024-12-4]
:π₯ We are thrilled to release an interesting dance demo (π₯π₯APT Danceπ₯π₯)! The generated video can be seen on YouTube and Bilibili.[2024-11-28]
:π₯ The data pre-processing codes (human skeleton extraction) are available! Other codes will be released very soon. Stay tuned![2024-11-26]
:π₯ The project page, code, technical report and a basic model checkpoint are released. Further training codes, data pre-processing codes, the evaluation dataset and StableAnimator-pro will be released very soon. Stay tuned!
To-Do List
- StableAnimator-basic
- Inference Code
- Evaluation Samples
- Data Pre-Processing Code (Skeleton Extraction)
- Data Pre-Processing Code (Human Face Mask Extraction)
- Evaluation Dataset
- Training Code
- StableAnimator-pro
- Inference Code with HJB-based Face Optimization
Quickstart
For the basic version of the model checkpoint, it supports generating videos at a 576x1024 or 512x512 resolution. If you encounter insufficient memory issues, you can appropriately reduce the number of animated frames.
Environment setup
pip install torch==2.5.1 torchvision==0.20.1 torchaudio==2.5.1 --index-url https://download.pytorch.org/whl/cu124
pip install torch==2.5.1+cu124 xformers --index-url https://download.pytorch.org/whl/cu124
pip install -r requirements.txt
Download weights
If you encounter connection issues with Hugging Face, you can utilize the mirror endpoint by setting the environment variable: export HF_ENDPOINT=https://hf-mirror.com
.
Please download weights manually as follows:
cd StableAnimator
git lfs install
git clone https://huggingface.co/FrancisRing/StableAnimator checkpoints
All the weights should be organized in models as follows The overall file structure of this project should be organized as follows:
StableAnimator/
βββ DWPose
βββ animation
βββ checkpoints
β βββ DWPose
β β βββ dw-ll_ucoco_384.onnx
β β βββ yolox_l.onnx
β βββ Animation
β β βββ pose_net.pth
β β βββ face_encoder.pth
β β βββ unet.pth
β βββ SVD
β β βββ feature_extractor
β β βββ image_encoder
β β βββ scheduler
β β βββ unet
β β βββ vae
β β βββ model_index.json
β β βββ svd_xt.safetensors
β β βββ svd_xt_image_decoder.safetensors
β βββ inference.zip
βββ models
β β βββ antelopev2
β β βββ 1k3d68.onnx
β β βββ 2d106det.onnx
β β βββ genderage.onnx
β β βββ glintr100.onnx
β β βββ scrfd_10g_bnkps.onnx
βββ app.py
βββ command_basic_infer.sh
βββ inference_basic.py
βββ requirement.txt
Evaluation Samples
The evaluation samples presented in the paper can be downloaded from OneDrive or inference.zip
in checkpoints. Please download evaluation samples manually as follows:
cd StableAnimator
mkdir inference
All the evaluation samples should be organized as follows:
inference/
βββ case-1
β βββ poses
β βββ faces
β βββ reference.png
βββ case-2
β βββ poses
β βββ faces
β βββ reference.png
βββ case-3
β βββ poses
β βββ faces
β βββ reference.png
Human Skeleton Extraction
We leverage the pre-trained DWPose to extract the human skeletons. In the initialization of DWPose, the pretrained weights should be configured in /DWPose/dwpose_utils/wholebody.py
:
onnx_det = 'path/checkpoints/DWPose/yolox_l.onnx'
onnx_pose = 'path/checkpoints/DWPose/dw-ll_ucoco_384.onnx'
Given the target image folder containing multiple .png files, you can use the following command to obtain the corresponding human skeleton images:
python skeleton_extraction.py --target_image_folder_path="path/test/target_images" --ref_image_path="path/test/reference.png" --poses_folder_path="path/test/poses"
It is worth noting that the .png files in the target image folder are named in the format frame_i.png
, such as frame_0.png
, frame_1.png
, and so on.
--ref_image_path
refers to the path of the given reference image. The obtained human skeleton images are saved in path/test/poses
. It is particularly significant that the target skeleton images should be aligned with the reference image regarding the body shape.
If you only have the target MP4 file (target.mp4), we recommend you to use ffmpeg
to convert the MP4 file to multiple frames (.png files) without any quality loss.
ffmpeg -i target.mp4 -q:v 1 path/test/target_images/frame_%d.png
The obtained frames are saved in path/test/target_images
.
Human Face Mask Extraction
Given the path to an image folder containing multiple RGB .png
files, you can run the following command to extract the corresponding human face masks:
python face_mask_extraction.py --image_folder="path/StableAnimator/inference/your_case/target_images"
path/StableAnimator/inference/your_case/target_images
contains multiple .png
files. The obtained masks are saved in path/StableAnimator/inference/your_case/faces
.
Model inference
A sample configuration for testing is provided as command_basic_infer.sh
. You can also easily modify the various configurations according to your needs.
bash command_basic_infer.sh
StableAnimator supports human image animation at two different resolution settings: 512x512 and 576x1024. You can modify "--width" and "--height" in command_basic_infer.sh
to set the resolution of the animation. "--output_dir" in command_basic_infer.sh
refers to the saved path of the generated animation. "--validation_control_folder" and "--validation_image" in command_basic_infer.sh
refer to the paths of the given pose sequence and the reference image, respectively.
"--pretrained_model_name_or_path" in command_basic_infer.sh
is the path of pretrained SVD. "posenet_model_name_or_path", "face_encoder_model_name_or_path", and "unet_model_name_or_path" in command_basic_infer.sh
refer to paths of pretrained StableAnimator weights.
If you have enough GPU resources, you can increase the value (4=>8=>16) of "--decode_chunk_size" in command_basic_infer.sh
to promote the temporal smoothness of the animation.
Tips: if your GPU memory is limited, you can reduce the number of animated frames. This command will generate two files: animated_images and animated_images.gif. If you want to obtain the high quality MP4 file, we recommend you to leverage ffmpeg on the animated_images as follows:
cd animated_images
ffmpeg -framerate 20 -i frame_%d.png -c:v libx264 -crf 10 -pix_fmt yuv420p /path/animation.mp4
"-framerate" refers to the fps setting. "-crf" indicates the quality of the generated MP4 file, with smaller values corresponding to higher quality. Additionally, you can also run the following command to launch a Gradio interface:
python app.py
VRAM requirement and Runtime
For the 15s demo video (512x512, fps=30), the 16-frame basic model requires 8GB VRAM and finishes in 5 minutes on a 4090 GPU.
The minimum VRAM requirement for the 16-frame U-Net of the pro model is 10GB (576x1024, fps=30); however, the VAE decoder demands 16GB. You have the option to run the VAE decoder on CPU.
Contact
If you have any suggestions or find our work helpful, feel free to contact me
Email: francisshuyuan@gmail.com
If you find our work useful, please consider giving a star to this github repository and citing it:
@article{tu2024stableanimator,
title={StableAnimator: High-Quality Identity-Preserving Human Image Animation},
author={Shuyuan Tu and Zhen Xing and Xintong Han and Zhi-Qi Cheng and Qi Dai and Chong Luo and Zuxuan Wu},
journal={arXiv preprint arXiv:2411.17697},
year={2024}
}
- Downloads last month
- 38