Diffusers documentation

DiffusionPipeline

You are viewing main version, which requires installation from source. If you'd like regular pip install, checkout the latest stable version (v0.35.1).
Hugging Face's logo
Join the Hugging Face community

and get access to the augmented documentation experience

to get started

DiffusionPipeline

Diffusion models consists of multiple components like UNets or diffusion transformers (DiTs), text encoders, variational autoencoders (VAEs), and schedulers. The DiffusionPipeline wraps all of these components into a single easy-to-use API without giving up the flexibility to modify it’s components.

This guide will show you how to load a DiffusionPipeline.

Loading a pipeline

DiffusionPipeline is a base pipeline class that automatically selects and returns an instance of a model’s pipeline subclass, like QwenImagePipeline, by scanning the model_index.json file for the class name.

Pass a model id to from_pretrained() to load a pipeline.

import torch
from diffusers import DiffusionPipeline

pipeline = DiffusionPipeline.from_pretrained(
  "Qwen/Qwen-Image", torch_dtype=torch.bfloat16, device_map="cuda"
)

Every model has a specific pipeline subclass that inherits from DiffusionPipeline. A subclass usually has a narrow focus and are task-specific. See the table below for an example.

pipeline subclass task
QwenImagePipeline text-to-image
QwenImageImg2ImgPipeline image-to-image
QwenImageInpaintPipeline inpaint

You could use the subclass directly by passing a model id to from_pretrained().

import torch
from diffusers import QwenImagePipeline

pipeline = QwenImagePipeline.from_pretrained(
  "Qwen/Qwen-Image", torch_dtype=torch.bfloat16, device_map="cuda"
)

Local pipelines

Pipelines can also be run locally. Use snapshot_download to download a model repository.

from huggingface_hub import snapshot_download

snapshot_download(repo_id="Qwen/Qwen-Image")

The model is downloaded to your cache. Pass the folder path to from_pretrained() to load it.

import torch
from diffusers import QwenImagePipeline

pipeline = QwenImagePipeline.from_pretrained(
  "path/to/your/cache", torch_dtype=torch.bfloat16, device_map="cuda"
)

The from_pretrained() method won’t download files from the Hub when it detects a local path. But this also means it won’t download and cache any updates that have been made to the model either.

Pipeline data types

Use the torch_dtype argument in from_pretrained() to load a model with a specific data type. This allows you to load different models in different precisions. For example, loading a large transformer model in half-precision reduces the memory required.

Pass the data type for each model as a dictionary to torch_dtype. Use the default key to set the default data type. If a model isn’t in the dictionary and default isn’t provided, it is loaded in full precision (torch.float32).

import torch
from diffusers import QwenImagePipeline

pipeline = QwenImagePipeline.from_pretrained(
  "Qwen/Qwen-Image",
  torch_dtype={"transformer": torch.bfloat16, "default": torch.float16},
)
print(pipeline.transformer.dtype, pipeline.vae.dtype)

You don’t need to use a dictionary if you’re loading all the models in the same data type.

import torch
from diffusers import QwenImagePipeline

pipeline = QwenImagePipeline.from_pretrained(
  "Qwen/Qwen-Image", torch_dtype=torch.bfloat16
)
print(pipeline.transformer.dtype, pipeline.vae.dtype)

Device placement

The device_map argument determines individual model or pipeline placement on an accelerator like a GPU. It is especially helpful when there are multiple GPUs.

Diffusers currently provides three options to device_map, "cuda", "balanced" and "auto". Refer to the table below to compare the three placement strategies.

parameter description
"cuda" places model or pipeline on CUDA device
"balanced" evenly distributes model or pipeline on all GPUs
"auto" distribute model from fastest device first to slowest

Use the max_memory argument in from_pretrained() to allocate a maximum amount of memory to use on each device. By default, Diffusers uses the maximum amount available.

pipeline
individual model
import torch
from diffusers import DiffusionPipeline

pipeline = DiffusionPipeline.from_pretrained(
  "Qwen/Qwen-Image", 
  torch_dtype=torch.bfloat16,
  device_map="cuda",
)

The hf_device_map attribute allows you to access and view the device_map.

print(pipeline.hf_device_map)
# {'unet': 1, 'vae': 1, 'safety_checker': 0, 'text_encoder': 0}

Reset a pipeline’s device_map with the reset_device_map() method. This is necessary if you want to use methods such as .to(), enable_sequential_cpu_offload(), and enable_model_cpu_offload().

pipeline.reset_device_map()

Parallel loading

Large models are often sharded into smaller files so that they are easier to load. Diffusers supports loading shards in parallel to speed up the loading process.

Set HF_ENABLE_PARALLEL_LOADING to "YES" to enable parallel loading of shards.

The device_map argument should be set to "cuda" to pre-allocate a large chunk of memory based on the model size. This substantially reduces model load time because warming up the memory allocator now avoids many smaller calls to the allocator later.

import os
import torch
from diffusers import DiffusionPipeline

os.environ["HF_ENABLE_PARALLEL_LOADING"] = "YES"

pipeline = DiffusionPipeline.from_pretrained(
  "Wan-AI/Wan2.2-I2V-A14B-Diffusers", torch_dtype=torch.bfloat16, device_map="cuda"
)

Replacing models in a pipeline

DiffusionPipeline is flexible and accommodates loading different models or schedulers. You can experiment with different schedulers to optimize for generation speed or quality, and you can replace models with more performant ones.

The example below swaps the default scheduler to generate higher quality images and a more stable VAE version. Pass the subfolder argument in from_pretrained() to load the scheduler to the correct subfolder.

import torch
from diffusers import DiffusionPipeline, HeunDiscreteScheduler, AutoModel

scheduler = HeunDiscreteScheduler.from_pretrained(
  "stabilityai/stable-diffusion-xl-base-1.0", subfolder="scheduler"
)
vae = AutoModel.from_pretrained(
  "madebyollin/sdxl-vae-fp16-fix", torch_dtype=torch.float16
)

pipeline = DiffusionPipeline.from_pretrained(
  "stabilityai/stable-diffusion-xl-base-1.0",
  scheduler=scheduler,
  vae=vae,
  torch_dtype=torch.float16,
  device_map="cuda"
)

Reusing models in multiple pipelines

When working with multiple pipelines that use the same model, the from_pipe() method enables reusing a model instead of reloading it each time. This allows you to use multiple pipelines without increasing memory usage.

Memory usage is determined by the pipeline with the highest memory requirement regardless of the number of pipelines.

The example below loads a pipeline and then loads a second pipeline with from_pipe() to use perturbed-attention guidance (PAG) to improve generation quality.

Use AutoPipelineForText2Image because DiffusionPipeline doesn’t support PAG. Refer to the AutoPipeline docs to learn more.

import torch
from diffusers import AutoPipelineForText2Image

pipeline_sdxl = AutoPipelineForText2Image.from_pretrained(
  "stabilityai/stable-diffusion-xl-base-1.0", torch_dtype=torch.float16, device_map="cuda"
)
prompt = """
cinematic film still of a cat sipping a margarita in a pool in Palm Springs, California
highly detailed, high budget hollywood movie, cinemascope, moody, epic, gorgeous, film grain
"""
image = pipeline_sdxl(prompt).images[0]
print(f"Max memory reserved: {torch.cuda.max_memory_allocated() / 1024**3:.2f} GB")
# Max memory reserved: 10.47 GB

Set enable_pag=True in the second pipeline to enable PAG. The second pipeline uses the same amount of memory because it shares model weights with the first one.

pipeline = AutoPipelineForText2Image.from_pipe(
  pipeline_sdxl, enable_pag=True
)
prompt = """
cinematic film still of a cat sipping a margarita in a pool in Palm Springs, California
highly detailed, high budget hollywood movie, cinemascope, moody, epic, gorgeous, film grain
"""
image = pipeline(prompt).images[0]
print(f"Max memory reserved: {torch.cuda.max_memory_allocated() / 1024**3:.2f} GB")
# Max memory reserved: 10.47 GB

Pipelines created by from_pipe() share the same models and state. Modifying the state of a model in one pipeline affects all the other pipelines that share the same model.

Some methods may not work correctly on pipelines created with from_pipe(). For example, enable_model_cpu_offload() relies on a unique model execution order, which may differ in the new pipeline. To ensure proper functionality, reapply these methods on the new pipeline.

Safety checker

Diffusers provides a safety checker for older Stable Diffusion models to prevent generating harmful content. It screens the generated output against a set of hardcoded harmful concepts.

If you want to disable the safety checker, pass safety_checker=None in from_pretrained() as shown below.

from diffusers import DiffusionPipeline

pipeline = DiffusionPipeline.from_pretrained(
  "stable-diffusion-v1-5/stable-diffusion-v1-5", safety_checker=None
)
"""
You have disabled the safety checker for <class 'diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion.StableDiffusionPipeline'> by passing `safety_checker=None`. Ensure that you abide by the conditions of the Stable Diffusion license and do not expose unfiltered results in services or applications open to the public. Both the diffusers team and Hugging Face strongly recommend keeping the safety filter enabled in all public-facing circumstances, disabling it only for use cases that involve analyzing network behavior or auditing its results. For more information, please have a look at https://github.com/huggingface/diffusers/pull/254 .
"""
< > Update on GitHub