Diffusers 文档

PNDMScheduler

Hugging Face's logo
加入 Hugging Face 社区

并获得增强的文档体验

开始使用

PNDMScheduler

PNDMScheduler,也称为扩散模型的伪数值方法,采用了更先进的 ODE 积分技术,如龙格-库塔法和线性多步法。原始实现可在 crowsonkb/k-diffusion 找到。

PNDMScheduler

diffusers.PNDMScheduler

< >

( num_train_timesteps: int = 1000 beta_start: float = 0.0001 beta_end: float = 0.02 beta_schedule: str = 'linear' trained_betas: typing.Union[numpy.ndarray, typing.List[float], NoneType] = None skip_prk_steps: bool = False set_alpha_to_one: bool = False prediction_type: str = 'epsilon' timestep_spacing: str = 'leading' 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_linearsquaredcos_cap_v2
  • trained_betas (np.ndarray, 可选) — 直接向构造函数传递 beta 数组,以绕过 beta_startbeta_end
  • skip_prk_steps (bool, 默认为 False) — 允许调度器跳过原始论文中定义为在 PLMS 步骤之前所需的龙格-库塔步骤。
  • set_alpha_to_one (bool, 默认为 False) — 每个扩散步骤都使用该步骤和前一个步骤的 alpha 乘积值。对于最后一步,没有前一个 alpha。当此选项为 True 时,前一个 alpha 乘积固定为 1,否则使用第 0 步的 alpha 值。
  • prediction_type (str, 默认为 epsilon, 可选) — 调度器函数的预测类型;可以是 epsilon (预测扩散过程的噪声) 或 v_prediction (参见 Imagen Video 论文的第 2.4 节)。
  • timestep_spacing (str, 默认为 "leading") — 时间步的缩放方式。更多信息请参考 Common Diffusion Noise Schedules and Sample Steps are Flawed 的表 2。
  • steps_offset (int, 默认为 0) — 添加到推理步数的偏移量,某些模型系列需要此参数。

PNDMScheduler 使用扩散模型的伪数值方法,例如龙格-库塔法和线性多步法。

该模型继承自 SchedulerMixinConfigMixin。有关库为所有调度器(如加载和保存)实现的通用方法,请参阅超类文档。

scale_model_input

< >

( sample: Tensor *args **kwargs ) torch.Tensor

参数

  • sample (torch.Tensor) — 输入样本。

返回

torch.Tensor

一个缩放后的输入样本。

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

set_timesteps

< >

( num_inference_steps: int device: typing.Union[str, torch.device] = None )

参数

  • num_inference_steps (int) — 使用预训练模型生成样本时使用的扩散步数。
  • device (strtorch.device, 可选) — 时间步应移动到的设备。如果为 None,则时间步不移动。

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

步骤

< >

( model_output: Tensor timestep: int sample: Tensor return_dict: bool = True ) SchedulerOutputtuple

参数

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

返回

调度器输出tuple

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

通过反转 SDE 预测上一个时间步的样本。此函数根据内部变量 `counter` 传播来自学习模型输出(通常是预测噪声)的扩散过程,并调用 step_prk()step_plms()

step_plms

< >

( model_output: Tensor timestep: int sample: Tensor return_dict: bool = True ) SchedulerOutputtuple

参数

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

返回

调度器输出tuple

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

通过反转 SDE 预测上一个时间步的样本。此函数使用线性多步法传播样本。它执行一次前向传播多次以近似解。

step_prk

< >

( model_output: Tensor timestep: int sample: Tensor return_dict: bool = True ) SchedulerOutputtuple

参数

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

返回

调度器输出tuple

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

通过反转SDE从上一个时间步预测样本。此函数使用Runge-Kutta方法传播样本。它执行四次正向传递以逼近微分方程的解。

SchedulerOutput

class diffusers.schedulers.scheduling_utils.SchedulerOutput

< >

( prev_sample: Tensor )

参数

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

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

< > 在 GitHub 上更新