Diffusers documentation

PyTorch 2.0

Hugging Face's logo
Join the Hugging Face community

and get access to the augmented documentation experience

to get started

PyTorch 2.0

πŸ€— Diffusers supports the latest optimizations from PyTorch 2.0 which include:

  1. A memory-efficient attention implementation, scaled dot product attention, without requiring any extra dependencies such as xFormers.
  2. torch.compile, a just-in-time (JIT) compiler to provide an extra performance boost when individual models are compiled.

Both of these optimizations require PyTorch 2.0 or later and πŸ€— Diffusers > 0.13.0.

pip install --upgrade torch diffusers

Scaled dot product attention

torch.nn.functional.scaled_dot_product_attention (SDPA) is an optimized and memory-efficient attention (similar to xFormers) that automatically enables several other optimizations depending on the model inputs and GPU type. SDPA is enabled by default if you’re using PyTorch 2.0 and the latest version of πŸ€— Diffusers, so you don’t need to add anything to your code.

However, if you want to explicitly enable it, you can set a DiffusionPipeline to use AttnProcessor2_0:

 import torch from diffusers import DiffusionPipeline + from diffusers.models.attention_processor import AttnProcessor2_0 pipe = DiffusionPipeline.from_pretrained("stable-diffusion-v1-5/stable-diffusion-v1-5", torch_dtype=torch.float16, use_safetensors=True).to("cuda") + pipe.unet.set_attn_processor(AttnProcessor2_0()) prompt = "a photo of an astronaut riding a horse on mars" image = pipe(prompt).images[0]

SDPA should be as fast and memory efficient as xFormers; check the benchmark for more details.

In some cases - such as making the pipeline more deterministic or converting it to other formats - it may be helpful to use the vanilla attention processor, AttnProcessor. To revert to AttnProcessor, call the set_default_attn_processor() function on the pipeline:

 import torch from diffusers import DiffusionPipeline pipe = DiffusionPipeline.from_pretrained("stable-diffusion-v1-5/stable-diffusion-v1-5", torch_dtype=torch.float16, use_safetensors=True).to("cuda") + pipe.unet.set_default_attn_processor() prompt = "a photo of an astronaut riding a horse on mars" image = pipe(prompt).images[0]

torch.compile

The torch.compile function can often provide an additional speed-up to your PyTorch code. In πŸ€— Diffusers, it is usually best to wrap the UNet with torch.compile because it does most of the heavy lifting in the pipeline.

from diffusers import DiffusionPipeline import torch pipe = DiffusionPipeline.from_pretrained("stable-diffusion-v1-5/stable-diffusion-v1-5", torch_dtype=torch.float16, use_safetensors=True).to("cuda") pipe.unet = torch.compile(pipe.unet, mode="reduce-overhead", fullgraph=True) images = pipe(prompt, num_inference_steps=steps, num_images_per_prompt=batch_size).images[0]

Depending on GPU type, torch.compile can provide an additional speed-up of 5-300x on top of SDPA! If you’re using more recent GPU architectures such as Ampere (A100, 3090), Ada (4090), and Hopper (H100), torch.compile is able to squeeze even more performance out of these GPUs.

Compilation requires some time to complete, so it is best suited for situations where you prepare your pipeline once and then perform the same type of inference operations multiple times. For example, calling the compiled pipeline on a different image size triggers compilation again which can be expensive.

For more information and different options about torch.compile, refer to the torch_compile tutorial.

Learn more about other ways PyTorch 2.0 can help optimize your model in the Accelerate inference of text-to-image diffusion models tutorial.

Benchmark

We conducted a comprehensive benchmark with PyTorch 2.0’s efficient attention implementation and torch.compile across different GPUs and batch sizes for five of our most used pipelines. The code is benchmarked on πŸ€— Diffusers v0.17.0.dev0 to optimize torch.compile usage (see here for more details).

Expand the dropdown below to find the code used to benchmark each pipeline:

Stable Diffusion text-to-image

from diffusers import DiffusionPipeline import torch path = "stable-diffusion-v1-5/stable-diffusion-v1-5" run_compile = True# Set True / False pipe = DiffusionPipeline.from_pretrained(path, torch_dtype=torch.float16, use_safetensors=True) pipe = pipe.to("cuda") pipe.unet.to(memory_format=torch.channels_last) if run_compile: print("Run torch compile") pipe.unet = torch.compile(pipe.unet, mode="reduce-overhead", fullgraph=True) prompt = "ghibli style, a fantasy landscape with castles"for _ inrange(3): images = pipe(prompt=prompt).images

Stable Diffusion image-to-image

from diffusers import StableDiffusionImg2ImgPipeline from diffusers.utils import load_image import torch url = "https://raw.githubusercontent.com/CompVis/stable-diffusion/main/assets/stable-samples/img2img/sketch-mountains-input.jpg" init_image = load_image(url) init_image = init_image.resize((512, 512)) path = "stable-diffusion-v1-5/stable-diffusion-v1-5" run_compile = True# Set True / False pipe = StableDiffusionImg2ImgPipeline.from_pretrained(path, torch_dtype=torch.float16, use_safetensors=True) pipe = pipe.to("cuda") pipe.unet.to(memory_format=torch.channels_last) if run_compile: print("Run torch compile") pipe.unet = torch.compile(pipe.unet, mode="reduce-overhead", fullgraph=True) prompt = "ghibli style, a fantasy landscape with castles"for _ inrange(3): image = pipe(prompt=prompt, image=init_image).images[0]

Stable Diffusion inpainting

from diffusers import StableDiffusionInpaintPipeline from diffusers.utils import load_image import torch img_url = "https://raw.githubusercontent.com/CompVis/latent-diffusion/main/data/inpainting_examples/overture-creations-5sI6fQgYIuo.png" mask_url = "https://raw.githubusercontent.com/CompVis/latent-diffusion/main/data/inpainting_examples/overture-creations-5sI6fQgYIuo_mask.png" init_image = load_image(img_url).resize((512, 512)) mask_image = load_image(mask_url).resize((512, 512)) path = "runwayml/stable-diffusion-inpainting" run_compile = True# Set True / False pipe = StableDiffusionInpaintPipeline.from_pretrained(path, torch_dtype=torch.float16, use_safetensors=True) pipe = pipe.to("cuda") pipe.unet.to(memory_format=torch.channels_last) if run_compile: print("Run torch compile") pipe.unet = torch.compile(pipe.unet, mode="reduce-overhead", fullgraph=True) prompt = "ghibli style, a fantasy landscape with castles"for _ inrange(3): image = pipe(prompt=prompt, image=init_image, mask_image=mask_image).images[0]

ControlNet

from diffusers import StableDiffusionControlNetPipeline, ControlNetModel from diffusers.utils import load_image import torch url = "https://raw.githubusercontent.com/CompVis/stable-diffusion/main/assets/stable-samples/img2img/sketch-mountains-input.jpg" init_image = load_image(url) init_image = init_image.resize((512, 512)) path = "stable-diffusion-v1-5/stable-diffusion-v1-5" run_compile = True# Set True / False controlnet = ControlNetModel.from_pretrained("lllyasviel/sd-controlnet-canny", torch_dtype=torch.float16, use_safetensors=True) pipe = StableDiffusionControlNetPipeline.from_pretrained( path, controlnet=controlnet, torch_dtype=torch.float16, use_safetensors=True ) pipe = pipe.to("cuda") pipe.unet.to(memory_format=torch.channels_last) pipe.controlnet.to(memory_format=torch.channels_last) if run_compile: print("Run torch compile") pipe.unet = torch.compile(pipe.unet, mode="reduce-overhead", fullgraph=True) pipe.controlnet = torch.compile(pipe.controlnet, mode="reduce-overhead", fullgraph=True) prompt = "ghibli style, a fantasy landscape with castles"for _ inrange(3): image = pipe(prompt=prompt, image=init_image).images[0]

DeepFloyd IF text-to-image + upscaling

from diffusers import DiffusionPipeline import torch run_compile = True# Set True / False pipe_1 = DiffusionPipeline.from_pretrained("DeepFloyd/IF-I-M-v1.0", variant="fp16", text_encoder=None, torch_dtype=torch.float16, use_safetensors=True) pipe_1.to("cuda") pipe_2 = DiffusionPipeline.from_pretrained("DeepFloyd/IF-II-M-v1.0", variant="fp16", text_encoder=None, torch_dtype=torch.float16, use_safetensors=True) pipe_2.to("cuda") pipe_3 = DiffusionPipeline.from_pretrained("stabilityai/stable-diffusion-x4-upscaler", torch_dtype=torch.float16, use_safetensors=True) pipe_3.to("cuda") pipe_1.unet.to(memory_format=torch.channels_last) pipe_2.unet.to(memory_format=torch.channels_last) pipe_3.unet.to(memory_format=torch.channels_last) if run_compile: pipe_1.unet = torch.compile(pipe_1.unet, mode="reduce-overhead", fullgraph=True) pipe_2.unet = torch.compile(pipe_2.unet, mode="reduce-overhead", fullgraph=True) pipe_3.unet = torch.compile(pipe_3.unet, mode="reduce-overhead", fullgraph=True) prompt = "the blue hulk" prompt_embeds = torch.randn((1, 2, 4096), dtype=torch.float16) neg_prompt_embeds = torch.randn((1, 2, 4096), dtype=torch.float16) for _ inrange(3): image_1 = pipe_1(prompt_embeds=prompt_embeds, negative_prompt_embeds=neg_prompt_embeds, output_type="pt").images image_2 = pipe_2(image=image_1, prompt_embeds=prompt_embeds, negative_prompt_embeds=neg_prompt_embeds, output_type="pt").images image_3 = pipe_3(prompt=prompt, image=image_1, noise_level=100).images

The graph below highlights the relative speed-ups for the StableDiffusionPipeline across five GPU families with PyTorch 2.0 and torch.compile enabled. The benchmarks for the following graphs are measured in number of iterations/second.

t2i_speedup

To give you an even better idea of how this speed-up holds for the other pipelines, consider the following graph for an A100 with PyTorch 2.0 and torch.compile:

a100_numbers

In the following tables, we report our findings in terms of the number of iterations/second.

A100 (batch size: 1)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img21.6623.1344.0349.74
SD - img2img21.8122.4043.9246.32
SD - inpaint22.2423.2343.7649.25
SD - controlnet15.0215.8232.1336.08
IF20.21 /
13.84 /
24.00
20.12 /
13.70 /
24.03
❌97.34 /
27.23 /
111.66
SDXL - txt2img8.649.9--

A100 (batch size: 4)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img11.613.1214.6217.27
SD - img2img11.4713.0614.6617.25
SD - inpaint11.6713.3114.8817.48
SD - controlnet8.289.3810.5112.41
IF25.0218.04❌48.47
SDXL - txt2img2.442.74--

A100 (batch size: 16)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img3.043.63.834.68
SD - img2img2.983.583.834.67
SD - inpaint3.043.663.94.76
SD - controlnet2.152.582.743.35
IF8.789.82❌16.77
SDXL - txt2img0.640.72--

V100 (batch size: 1)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img18.9919.1420.9522.17
SD - img2img18.5619.1820.9522.11
SD - inpaint19.1419.0621.0822.20
SD - controlnet13.4813.9315.1815.88
IF20.01 /
9.08 /
23.34
19.79 /
8.98 /
24.10
❌55.75 /
11.57 /
57.67

V100 (batch size: 4)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img5.965.896.836.86
SD - img2img5.905.916.816.82
SD - inpaint5.996.036.936.95
SD - controlnet4.264.294.924.93
IF15.4114.76❌22.95

V100 (batch size: 16)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img1.661.661.921.90
SD - img2img1.651.651.911.89
SD - inpaint1.691.691.951.93
SD - controlnet1.191.19OOM after warmup1.36
IF5.435.29❌7.06

T4 (batch size: 1)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img6.96.957.37.56
SD - img2img6.846.997.047.55
SD - inpaint6.916.77.017.37
SD - controlnet4.894.865.355.48
IF17.42 /
2.47 /
18.52
16.96 /
2.45 /
18.69
❌24.63 /
2.47 /
23.39
SDXL - txt2img1.151.16--

T4 (batch size: 4)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img1.791.792.031.99
SD - img2img1.771.772.052.04
SD - inpaint1.811.822.092.09
SD - controlnet1.341.271.471.46
IF5.795.61❌7.39
SDXL - txt2img0.2880.289--

T4 (batch size: 16)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img2.34s2.30sOOM after 2nd iteration1.99s
SD - img2img2.35s2.31sOOM after warmup2.00s
SD - inpaint2.30s2.26sOOM after 2nd iteration1.95s
SD - controlnetOOM after 2nd iterationOOM after 2nd iterationOOM after warmupOOM after warmup
IF *1.441.44❌1.94
SDXL - txt2imgOOMOOM--

RTX 3090 (batch size: 1)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img22.5622.8423.8425.69
SD - img2img22.2522.6124.125.83
SD - inpaint22.2222.5424.2626.02
SD - controlnet16.0316.3317.3818.56
IF27.08 /
9.07 /
31.23
26.75 /
8.92 /
31.47
❌68.08 /
11.16 /
65.29

RTX 3090 (batch size: 4)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img6.466.357.297.3
SD - img2img6.336.277.317.26
SD - inpaint6.476.47.447.39
SD - controlnet4.594.545.275.26
IF16.8116.62❌21.57

RTX 3090 (batch size: 16)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img1.71.691.931.91
SD - img2img1.681.671.931.9
SD - inpaint1.721.711.971.94
SD - controlnet1.231.221.41.38
IF5.015.00❌6.33

RTX 4090 (batch size: 1)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img40.541.8944.6549.81
SD - img2img40.3941.9544.4649.8
SD - inpaint40.5141.8844.5849.72
SD - controlnet29.2730.2932.2636.03
IF69.71 /
18.78 /
85.49
69.13 /
18.80 /
85.56
❌124.60 /
26.37 /
138.79
SDXL - txt2img6.88.18--

RTX 4090 (batch size: 4)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img12.6212.8415.3215.59
SD - img2img12.6112,.7915.3515.66
SD - inpaint12.6512.8115.315.58
SD - controlnet9.19.2511.0311.22
IF31.8831.14❌43.92
SDXL - txt2img2.192.35--

RTX 4090 (batch size: 16)

Pipelinetorch 2.0 -
no compile
torch nightly -
no compile
torch 2.0 -
compile
torch nightly -
compile
SD - txt2img3.173.23.843.85
SD - img2img3.163.23.843.85
SD - inpaint3.173.23.853.85
SD - controlnet2.232.32.72.75
IF9.269.2❌13.31
SDXL - txt2img0.520.53--

Notes

  • Follow this PR for more details on the environment used for conducting the benchmarks.
  • For the DeepFloyd IF pipeline where batch sizes > 1, we only used a batch size of > 1 in the first IF pipeline for text-to-image generation and NOT for upscaling. That means the two upscaling pipelines received a batch size of 1.

Thanks to Horace He from the PyTorch team for their support in improving our support of torch.compile() in Diffusers.

<>Update on GitHub

close