Diffusers 文档

一致性解码器

Hugging Face's logo
加入Hugging Face社区

并获取增强文档体验

开始使用

一致性解码器

一致性解码器可以用于解码来自去噪 UNet 的潜伏变量,该潜伏变量位于 StableDiffusionPipeline 中。该解码器在 DALL-E 3 技术报告 中引入。

原始代码库可以在 openai/consistencydecoder 中找到。

截至目前,仅支持 2 次迭代的推理。

如果没有 madebyollinmrsteyk 来自 此问题 的帮助,该管道将无法贡献。

ConsistencyDecoderVAE

class diffusers.ConsistencyDecoderVAE

< >

( scaling_factor: float = 0.18215 latent_channels: int = 4 sample_size: int = 32 encoder_act_fn: str = 'silu' encoder_block_out_channels: Tuple = (128, 256, 512, 512) encoder_double_z: bool = True encoder_down_block_types: Tuple = ('DownEncoderBlock2D', 'DownEncoderBlock2D', 'DownEncoderBlock2D', 'DownEncoderBlock2D') encoder_in_channels: int = 3 encoder_layers_per_block: int = 2 encoder_norm_num_groups: int = 32 encoder_out_channels: int = 4 decoder_add_attention: bool = False decoder_block_out_channels: Tuple = (320, 640, 1024, 1024) decoder_down_block_types: Tuple = ('ResnetDownsampleBlock2D', 'ResnetDownsampleBlock2D', 'ResnetDownsampleBlock2D', 'ResnetDownsampleBlock2D') decoder_downsample_padding: int = 1 decoder_in_channels: int = 7 decoder_layers_per_block: int = 3 decoder_norm_eps: float = 1e-05 decoder_norm_num_groups: int = 32 decoder_num_train_timesteps: int = 1024 decoder_out_channels: int = 6 decoder_resnet_time_scale_shift: str = 'scale_shift' decoder_time_embedding_type: str = 'learned' decoder_up_block_types: Tuple = ('ResnetUpsampleBlock2D', 'ResnetUpsampleBlock2D', 'ResnetUpsampleBlock2D', 'ResnetUpsampleBlock2D') )

与 DALL-E 3 一起使用的 一致性解码器。

示例

>>> import torch
>>> from diffusers import StableDiffusionPipeline, ConsistencyDecoderVAE

>>> vae = ConsistencyDecoderVAE.from_pretrained("openai/consistency-decoder", torch_dtype=torch.float16)
>>> pipe = StableDiffusionPipeline.from_pretrained(
...     "runwayml/stable-diffusion-v1-5", vae=vae, torch_dtype=torch.float16
... ).to("cuda")

>>> image = pipe("horse", generator=torch.manual_seed(0)).images[0]
>>> image

包装器

< >

( *args **kwargs )

禁用切片解码

< >

( )

禁用切片 VAE 解码。如果之前启用了 enable_slicing,此方法将恢复为一步计算解码。

禁用平铺解码

< >

( )

禁用平铺 VAE 解码。如果之前启用了 enable_tiling,此方法将恢复为一步计算解码。

启用切片解码

< >

( )

启用切片 VAE 解码。当此选项启用时,VAE 会将输入张量分割成切片,以便分几步计算解码。这有助于节省一些内存,并允许更大的批次大小。

启用平铺解码

< >

( use_tiling: bool = True

启用分块 VAE 解码。启用此选项后,VAE 会将输入张量拆分为多个块,并在多个步骤中计算解码和编码。这有助于节省大量内存,并允许处理更大的图像。

forward

< >

( sample: Tensor sample_posterior: bool = False return_dict: bool = True generator: Optional = None ) DecoderOutputtuple

参数

  • sample (torch.Tensor) — 输入样本。
  • sample_posterior (bool, 可选, 默认值为 False) — 是否从后验分布中采样。
  • return_dict (bool, 可选, 默认值为 True) — 是否返回 DecoderOutput 而不是普通元组。
  • generator (torch.Generator, 可选, 默认值为 None) — 用于采样的生成器。

返回值

DecoderOutputtuple

如果 return_dictTrue,则返回 DecoderOutput,否则返回普通 tuple

set_attn_processor

< >

( processor: Union )

参数

  • processor (dict of AttentionProcessor 或仅 AttentionProcessor) — 实例化的处理器类或处理器类的字典,将被设置为 所有 Attention 层的处理器。

    如果 processor 是一个字典,则键需要定义对应交叉注意力处理器的路径。在设置可训练的注意力处理器时,强烈建议使用此方法。

设置用于计算注意力的注意力处理器。

set_default_attn_processor

< >

( )

禁用自定义注意力处理器并设置默认注意力实现。

tiled_encode

< >

( x: Tensor return_dict: bool = True ) ConsistencyDecoderVAEOutputtuple

参数

  • x (torch.Tensor) — 输入图像批次。
  • return_dict (bool, 可选, 默认值为 True) — 是否返回 ConsistencyDecoderVAEOutput 而不是简单元组。

返回值

ConsistencyDecoderVAEOutputtuple

如果 return_dict 为 True,则返回 ConsistencyDecoderVAEOutput,否则返回简单 tuple

使用平铺编码器对图像批次进行编码。

启用此选项后,VAE 会将输入张量分割成图块,以分步计算编码。这有助于保持内存使用量与图像大小无关。平铺编码的最终结果与非平铺编码不同,因为每个图块使用不同的编码器。为了避免平铺伪影,图块会重叠并混合在一起,形成平滑的输出。您可能仍然会在输出中看到图块大小的变化,但应该不那么明显。

< > 在 GitHub 上更新