Text to Video Generation Using Hugging Face Diffusers

Updated on April 26, 2024
Text to Video Generation Using Hugging Face Diffusers header image

Introduction

Text-to-video generation involves using a natural language description as the input and generating a video clip that matches the description's semantic meaning. This article explains how to perform text-to-video generation using the AnimateDiff Hugging Face Diffusers library. You will generate a video using the basic model and use different Lora models to further improve the generated video quality.

Prerequisites

Before you begin:

Set Up the Server

  1. Install all required model dependency libraries such as diffusers and transformers using Pip.

    console
    $ pip install diffusers transformers accelerate peft
    

    The above command installs the following packages on the server:

    • diffusers: Includes pretrained diffusion models for generating images, audio, and videos. You will import the AnimateDiff, motion adapter, pipeline schedulers, and extra utility functions for text-to-video generation tasks.
    • transformers: Includes APIs and pipelines to download and use pre-trained transformer-based models.
    • accelerate: Enables PyTorch code to run across different platforms efficiently and effectively. In addition, it speeds up the inference time when running the video generation processes.
    • peft: Integrates pre-trained models to various downstream applications without fine-tuning all model parameters. It combines different motion LoRAs for better and more control of the video creation process.
  2. View your server JupyterLab log file to verify the generated access token.

    console
    $ cat /var/log/jupyterlab/lab.log
    

    Copy the random token similar to the output below:

     To access the server, open this file in a browser:
         file:///home/jupyter/.local/share/jupyter/runtime/jpserver-1989-open.html
         Or copy and paste one of these URLs:
         http://localhost:9998/lab?token=6eebc299236f
         http://127.0.0.1:9998/lab?token=6eebc299236f

Generate the First Video Using Text Prompts

In this section, load a Motion Adapter and a new AnimateDiff pipeline from the pre-trained models. Then, use the pipeline to generate your first video clip using text prompts, export the generated video clips into a local file, and view the generated video in your Jupyter Notebook session.

  1. Open a new JupyterLab session using a web browser such as Chrome with your server access token on port 8888. Replace 6eebc299236f with your actual token.

    https://SERVER-IP:8888
  2. Within the Jupyter interface, select Notebook to create a new Python3 Kernel file.

  3. In a new notebook code cell, import all required model libraries.

    python
    import torch
    from diffusers import AnimateDiffPipeline, DDIMScheduler, LCMScheduler, MotionAdapter
    from diffusers.utils import export_to_gif
    from IPython.display import Image
    
  4. Press Shift + Enter to run the code cell.

  5. Load Motion Adapter from a pre-trained checkpoint for Stable Diffusion v1.5 models.

    python
    adapter = MotionAdapter.from_pretrained("guoyww/animatediff-motion-adapter-v1-5-2")
    

    A video consists of multiple images with coherent motion between them. The Motion Adapter is responsible for adding such coherent motion to the generated image frames. It consists of a collection of motion modules that apply after the Resnet and attention blocks.

  6. Load the AnimateDiff pipeline that contains a stable diffusion model to generate the image frames and a motion adapter to manage the image motion.

    python
    pipe = AnimateDiffPipeline.from_pretrained("emilianJR/epiCRealism", motion_adapter=adapter)
    

    The above command uses the epiCRealism pre-trained model. You can load any Stable Diffusion model to use with the pipe function.

  7. Load the DDIM (Denoising Diffusion Implicit Models) diffusion pipeline scheduler.

    python
    pipe.scheduler = DDIMScheduler.from_pretrained("emilianJR/epiCRealism", subfolder="scheduler")
    
  8. Enable VAE (Variational Autoencoders) slicing and CPU offloading to reduce the GPU memory usage.

    python
    pipe.enable_vae_slicing()
    pipe.enable_model_cpu_offload()
    
  9. Generate a video based on your text prompt and include negative prompts to define the generation process.

    python
    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, worst quality, low resolution",
        num_frames=16,
        guidance_scale=1.5,
        num_inference_steps=12,
        generator=torch.Generator("cpu").manual_seed(0),
    )
    

    The above command creates the image generation process with the following functions:

    • prompt and negative_prompt: Guide the generated video content.
    • num_frames: Determines the number of frames to include in the video. The value 16 creates a 2-second video while a value such as 8 creates a 1-second video.
    • guidance_scale: Controls the strict level to align the generated frames with your text prompts. A higher guidance scale value forces the model to generate images based on the prompt at the expense of low image quality.
    • num_inference_steps: Sets the number of denoising steps in the diffusion process. More steps lead to higher-quality videos at the expense of a slow generation speed.
    • generator: Ensures a consistent generated video if using the same seed value.
  10. Export the generated video to a local file such as base.gif.

    python
    local_path = "base.gif"
    export_to_gif(output.frames[0], local_path)
    
  11. View the generated video in your notebook environment.

    python
    Image(open(local_path,"rb").read())
    

    first baseline video

    Based on your input text prompt A space rocket with trails of smoke behind it launching into space from the desert, 4k, high resolution. Verify that a rocket in a blurry dusty space video displays in your session output.

Improve the Video Generation Pipeline Using AnimateLCM

In this section, integrate AnimateLCM (Latent Consistency Models) into the video generation pipeline to enable consistent and high-quality frame generation with fewer inference steps. As a result, the video quality should improve as described in the following steps.

  1. Create a new function to generate videos with a different pipeline as the input with the same model generation settings including the text prompts.

    python
    def generate_video(pipeline, output_path):
        output = pipeline(
            prompt="A space rocket with trails of smoke behind it launching into space from the desert, 4k, high resolution",
            negative_prompt="bad quality, worst quality, low resolution",
            num_frames=16,
            guidance_scale=1.5,
            num_inference_steps=12,
            generator=torch.Generator("cpu").manual_seed(0),
        )
        export_to_gif(output.frames[0], output_path)
        return Image(open(output_path,"rb").read())
    
  2. Load the AnimateDiff model LCM adapter.

    python
    adapter = MotionAdapter.from_pretrained("wangfuyun/AnimateLCM")
    

    For more information about LCM-LoRA, visit the model page.

  3. Load the AnimateDiff pipeline with the same epiCRealism pre-trained model you used earlier.

    python
    pipe = AnimateDiffPipeline.from_pretrained("emilianJR/epiCRealism", motion_adapter=adapter)
    
  4. Add the LCM scheduler to the pipeline.

    python
    pipe.scheduler = LCMScheduler.from_config(pipe.scheduler.config)
    
  5. Load the LCM Lora weights into the AnimateDiff pipeline as lcm-lora.

    python
    pipe.load_lora_weights("wangfuyun/AnimateLCM", weight_name="AnimateLCM_sd15_t2v_lora.safetensors", adapter_name="lcm-lora")
    
  6. Reduce the GPU memory usage ratio.

    python
    pipe.enable_vae_slicing()
    pipe.enable_model_cpu_offload()
    
  7. Generate the video with LCM-LoRA enabled, save it to a local path as with_lcm.gif and view the generated video.

    python
    generate_video(pipe, "with_lcm.gif")
    

    Verify that the generated video quality improves with high-quality video frames as compared to the previous output.

    video with lcm-lora enabled

Integrate Motion LoRAs to Improve the Video Generation Controls

In this section, improve the video generation process with more controls using motion LoRAs. For example, in the generated videos, the rocket stays in a static position while you can emphasize its action to launch into space by integrated motion LoRAs as described in the following steps.

  1. Load the zoom-out motion LoRA weights into the existing AnimateDiff pipeline as zoom-out.

    python
    pipe.load_lora_weights("guoyww/animatediff-motion-lora-zoom-out", adapter_name="zoom-out")
    

    You can use multiple movements with motion LoRAs such as pan-left, pan-right, zoom-in, and tilt-up. Visit the Hugging Face model page to view the full list of AnimateDiff motion LoRA models.

  2. Set the adapter to use in the pipeline when multiple LoRAs are loaded.

    python
    pipe.set_adapters(["lcm-lora", "zoom-out"], [1.0, 0.8])
    

    You can also specify the weights for each LoRA to determine the actual impact of LoRAs on the generated video.

  3. Generate, view, and save the video with LCM-LoRA as with_lcm_zoom_out.gif.

    python
    generate_video(pipe, "with_lcm_zoom_out.gif")
    

    Verify that the generated video includes motion in which the rocket is flying into space with a zoom-out effect.

    video with lcm-lora and zoom out

  4. Try a different motion LoRA checkpoint such as tile-up to further test the video generation process.

    python
    pipe.load_lora_weights("guoyww/animatediff-motion-lora-tilt-up", adapter_name="tilt-up")
    pipe.set_adapters(["lcm-lora", "tilt-up"], [1.0, 0.8])
    
  5. Generate, save, and view the generated video as with_lcm_tilt_up.gif.

    python
    generate_video(pipe, "with_lcm_tilt_up.gif")
    

    video with lcm-lora and tilt-up

Conclusion

You have set up a text-to-video generation pipeline using AnimateDiff from the Hugging Face Diffusers library on a Vultr Cloud GPU server. You initiated the baseline version which loads the initial motion adapter and a diffusion model. Then, you loaded the AnimateDiff LCM-LoRA and two different motion LoRAs to improve the generated video quality. Download the pipeline Jupyter Notebook file to verify the model processes applied in this article.