Diffusers 文档

HeunDiscreteScheduler

Hugging Face's logo
加入 Hugging Face 社区

并获取增强型文档体验

开始使用

HeunDiscreteScheduler

Heun 调度程序(算法 1)来自 Karras 等人撰写的 阐明基于扩散的生成模型的设计空间 论文。 该调度程序是从 k-diffusion 库移植的,由 Katherine Crowson 创建。

HeunDiscreteScheduler

class diffusers.HeunDiscreteScheduler

< >

( num_train_timesteps: int = 1000 beta_start: float = 0.00085 beta_end: float = 0.012 beta_schedule: str = 'linear' trained_betas: Union = None prediction_type: str = 'epsilon' use_karras_sigmas: Optional = False clip_sample: Optional = False clip_sample_range: float = 1.0 timestep_spacing: str = 'linspace' steps_offset: int = 0 )

参数

  • num_train_timesteps (int, 默认值为 1000) — 用于训练模型的扩散步骤数。
  • beta_start (float, 默认值为 0.0001) — 推理的起始 beta 值。
  • beta_end (float, 默认值为 0.02) — 最终 beta 值。
  • beta_schedule (str, 默认值为 "linear") — beta 计划,将 beta 范围映射到一系列用于逐步模型的 beta。从 linearscaled_linear 中选择。
  • trained_betas (np.ndarray, 可选) — 将一系列 beta 直接传递给构造函数以绕过 beta_startbeta_end
  • prediction_type (str, 默认值为 epsilon, 可选) — 调度函数的预测类型;可以是 epsilon(预测扩散过程的噪声),sample(直接预测有噪声的样本) 或 v_prediction`(参见Imagen 视频论文的第 2.4 节)。
  • clip_sample (bool, 默认值为 True) — 裁剪预测样本以确保数值稳定性。
  • clip_sample_range (float, 默认值为 1.0) — 样本裁剪的最大幅度。仅在 clip_sample=True 时有效。
  • use_karras_sigmas (bool, 可选, 默认值为 False) — 是否在采样过程中使用 Karras sigmas 作为噪声计划中步长的确定依据。如果为 True,则 sigmas 应根据一系列噪声级别 {σi} 确定。
  • steps_offset (int,默认值为 0) — 由某些模型系列所需的添加到推理步骤的偏移量。

使用 Heun 步的用于离散 beta 调度的调度器。

此模型继承自 SchedulerMixinConfigMixin。查看超类文档以了解库为所有调度器实现的通用方法,例如加载和保存。

scale_model_input

< >

( sample: Tensor timestep: Union ) torch.Tensor

参数

  • sample (torch.Tensor) — 输入样本。
  • timestep (int,可选) — 扩散链中的当前时间步长。

返回值

torch.Tensor

缩放后的输入样本。

确保与需要根据当前时间步长缩放降噪模型输入的调度器的互换性。

set_begin_index

< >

( begin_index: int = 0 )

参数

  • begin_index (int) — 调度器的起始索引。

设置调度器的起始索引。此函数应在推理之前从管道运行。

set_timesteps

< >

( num_inference_steps: Optional = None device: Union = None num_train_timesteps: Optional = None timesteps: Optional = None )

参数

  • num_inference_steps (int) — 使用预训练模型生成样本时使用的扩散步骤数。
  • device (strtorch.device,可选) — 应将时间步长移动到的设备。如果为 None,则不会移动时间步长。
  • timesteps (List[int], 可选) — 用于支持时间步之间任意间距的自定义时间步。如果为 None,则将根据 timestep_spacing 属性生成时间步。如果传递了 timesteps,则 num_inference_steps 必须为 None,并且 timestep_spacing 属性将被忽略。

设置用于扩散链的离散时间步(在推理之前运行)。

步骤

< >

( model_output: Union timestep: Union sample: Union return_dict: bool = True ) SchedulerOutputtuple

参数

  • model_output (torch.Tensor) — 来自学习扩散模型的直接输出。
  • timestep (float) — 扩散链中的当前离散时间步。
  • sample (torch.Tensor) — 由扩散过程创建的样本的当前实例。
  • return_dict (bool) — 是否返回一个 SchedulerOutput 或元组。

返回值

SchedulerOutputtuple

如果 return_dict 为 True,则返回 SchedulerOutput,否则返回一个元组,其中第一个元素是样本张量。

通过反转 SDE 来预测先前时间步的样本。此函数从学习模型输出(通常是预测的噪声)传播扩散过程。

SchedulerOutput

class diffusers.schedulers.scheduling_utils.SchedulerOutput

< >

( prev_sample: Tensor )

参数

  • prev_sample (形状为 (batch_size, num_channels, height, width)torch.Tensor,用于图像) — 计算出的先前时间步的样本 (x_{t-1})prev_sample 应在去噪循环中用作下一个模型输入。

调度器的 step 函数的输出的基类。

< > 在 GitHub 上更新