• Stars
    star
    592
  • Rank 75,570 (Top 2 %)
  • Language
    Python
  • License
    MIT License
  • Created 10 months ago
  • Updated 22 days ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

[SIGGRAPH ASIA 2024 TCS] AnimateLCM: Computation-Efficient Personalized Style Video Generation without Personalized Video Data

AnimateLCM

AnimateLCM: Accelerating the Animation of Personalized Diffusion Models and Adapters with Decoupled Consistency Learning

demo.mp4

Thank you all for your attention. For more details, please refer to our Project Page and Hugging Face Demo 🤗.

Video edited by AnimateLCM in 5 minutes with 1280x720p, find the original video in X:

Prompt: "green alien, red eyes"

0-seed-3882543293-alien.mp4

Non-cherry pick demo with our long video work.

0-seed-3882543293.mp4

Use the diffusers to test the beta version AnimateLCM text-to-video models.

import torch
from diffusers import AnimateDiffPipeline, LCMScheduler, MotionAdapter
from diffusers.utils import export_to_gif

adapter = MotionAdapter.from_pretrained("wangfuyun/AnimateLCM", torch_dtype=torch.float16)
pipe = AnimateDiffPipeline.from_pretrained("emilianJR/epiCRealism", motion_adapter=adapter, torch_dtype=torch.float16)
pipe.scheduler = LCMScheduler.from_config(pipe.scheduler.config, beta_schedule="linear")

pipe.load_lora_weights("wangfuyun/AnimateLCM", weight_name="AnimateLCM_sd15_t2v_lora.safetensors", adapter_name="lcm-lora")
pipe.set_adapters(["lcm-lora"], [0.8])

pipe.enable_vae_slicing()
pipe.enable_model_cpu_offload()

output = pipe(
    prompt="A space rocket with trails of smoke behind it launching into space from the desert, 4k, high resolution",
    negative_prompt="bad quality, worse quality, low resolution",
    num_frames=16,
    guidance_scale=2.0,
    num_inference_steps=6,
    generator=torch.Generator("cpu").manual_seed(0),
)
frames = output.frames[0]
export_to_gif(frames, "animatelcm.gif")

🎉 Check the advanced developpment of community: ComfyUI-AnimateLCM and ComfyUI-Reddit.

🎉 Awesome Workflow for AnimateLCM: Tutorial Video.

More code and weights will be released.

Reference

@artical{wang2024animatelcm,
      title={AnimateLCM: Accelerating the Animation of Personalized Diffusion Models and Adapters with Decoupled Consistency Learning}, 
      author={Fu-Yun Wang and Zhaoyang Huang and Xiaoyu Shi and Weikang Bian and Guanglu Song and Yu Liu and Hongsheng Li},
      year={2024},
      eprint={2402.00769},
      archivePrefix={arXiv},
      primaryClass={cs.CV}
}
@article{wang2023gen,
  title={Gen-L-Video: Multi-Text to Long Video Generation via Temporal Co-Denoising},
  author={Wang, Fu-Yun and Chen, Wenshuo and Song, Guanglu and Ye, Han-Jia and Liu, Yu and Li, Hongsheng},
  journal={arXiv preprint arXiv:2305.18264},
  year={2023}
}

More Repositories

1

PyCIL

PyCIL: A Python Toolbox for Class-Incremental Learning
Python
804
star
2

Phased-Consistency-Model

[NeurIPS 2024] Boosting the performance of consistency models with PCM!
Python
355
star
3

Gen-L-Video

The official implementation for "Gen-L-Video: Multi-Text to Long Video Generation via Temporal Co-Denoising".
Jupyter Notebook
284
star
4

Be-Your-Outpainter

[ECCV 2024] Be-Your-Outpainter https://arxiv.org/abs/2403.13745
Python
211
star
5

Rectified-Diffusion

Rectified Diffusion: Straightness Is Not Your Need
Python
100
star
6

Motion-I2V

[SIGGRAPH 2024] Motion I2V: Consistent and Controllable Image-to-Video Generation with Explicit Motion Modeling
Python
95
star
7

a-PyTorch-Tutorial-to-Class-Incremental-Learning

a PyTorch Tutorial to Class-Incremental Learning | a Distributed Training Template of CIL with core code less than 100 lines.
Python
82
star
8

ECCV22-FOSTER

The official implementation for ECCV22 paper: "FOSTER: Feature Boosting and Compression for Class-Incremental Learning" in PyTorch.
Python
51
star
9

Awesome-Consistency-Models

Awesome List of Consistency Models
33
star
10

Pix2Video.pytorch

Implementation of the paper "Pix2Video: Video Editing using Image Diffusion"
Python
26
star
11

T2I-HumanFeedback

Implementations of Baseline Methods for Aligning Text2Img Diffusion Models with Human FeedBack
20
star
12

Awesome-Tuned-Text2Img-Diffusion

Awesome papers/projects about fine-tuning text2img diffusion models for new/reference concepts/domains.
16
star
13

ICLR23-BEEF

The implementation for ICLR2023 paper: "BEEF: Bi-Compatible Class-Incremental Learning via Energy-Based Expansion and Fusion" in PyTorch.
Python
14
star
14

Gen-L-2

Long video generation with short video diffusion models.
12
star
15

Stable-Consistency-Tuning

Stable Consistency Tuning: Understanding and Improving Consistency models
8
star
16

Mask-detector

An AI model to detect whether the man in the video is wearing the mask.
Java
5
star
17

2021NJUAP

南京大学2021高级程序设计课设与作业
C++
4
star
18

Parallel-Computing-Project

Parallel algorithms (quick-sort, merge-sort , enumeration-sort) implemented by p-threads and CUDA
C++
3
star
19

ICS2020-workbench

ICS2020 mini-labs
C
3
star
20

G-U-N

2
star
21

Restricted-Boltzmann-Machine-for-AutoEncoder

reproduce and expansion: Hinton, Geoffrey E., and Ruslan R. Salakhutdinov. "Reducing the dimensionality of data with neural networks." science 313.5786 (2006): 504-507.
Python
2
star
22

cpp-2048-mcts

linux下的C++版2048小游戏与智能Agent
C++
1
star