Diffusers 文档

DPMSolverSDEScheduler

Hugging Face's logo
加入 Hugging Face 社区

并获得增强的文档体验

开始使用

DPMSolverSDEScheduler

DPMSolverSDEScheduler 的灵感来自 Elucidating the Design Space of Diffusion-Based Generative Models 论文中的随机采样器,该调度器由 Katherine Crowson 移植和创建。

DPMSolverSDEScheduler

class diffusers.DPMSolverSDEScheduler

< >

( num_train_timesteps: int = 1000 beta_start: float = 0.00085 beta_end: float = 0.012 beta_schedule: str = 'linear' trained_betas: typing.Union[numpy.ndarray, typing.List[float], NoneType] = None prediction_type: str = 'epsilon' use_karras_sigmas: typing.Optional[bool] = False use_exponential_sigmas: typing.Optional[bool] = False use_beta_sigmas: typing.Optional[bool] = False noise_sampler_seed: typing.Optional[int] = None timestep_spacing: str = 'linspace' steps_offset: int = 0 )

参数

  • num_train_timesteps (int, 默认为 1000) — 训练模型的扩散步数。
  • beta_start (float, 默认为 0.00085) — 推理的起始 beta 值。
  • beta_end (float, 默认为 0.012) — 最终 beta 值。
  • beta_schedule (str, 默认为 "linear") — beta 调度器,一个将 beta 范围映射到用于模型步进的 beta 序列的映射。可选择 linearscaled_linear
  • trained_betas (np.ndarray, 可选) — 直接向构造函数传入一个 betas 数组以绕过 beta_startbeta_end
  • prediction_type (str, 默认为 epsilon, 可选) — 调度器函数的预测类型;可以是 epsilon(预测扩散过程的噪声)、sample(直接预测噪声样本)或 v_prediction(参见 Imagen Video 论文的 2.4 节)。
  • use_karras_sigmas (bool, 可选, 默认为 False) — 在采样过程中是否在噪声调度中使用 Karras sigma 作为步长。如果为 True,则 sigma 根据噪声水平序列 {σi} 确定。
  • use_exponential_sigmas (bool, 可选, 默认为 False) — 在采样过程中是否在噪声调度中使用指数 sigma 作为步长。
  • use_beta_sigmas (bool, 可选, 默认为 False) — 在采样过程中是否在噪声调度中使用 beta sigma 作为步长。更多信息请参考 Beta Sampling is All You Need
  • noise_sampler_seed (int, 可选, 默认为 None) — 用于噪声采样器的随机种子。如果为 None,则生成一个随机种子。
  • timestep_spacing (str, 默认为 "linspace") — 时间步的缩放方式。更多信息请参考 Common Diffusion Noise Schedules and Sample Steps are Flawed 的表 2。
  • steps_offset (int, 默认为 0) — 添加到推理步骤的偏移量,某些模型系列需要。

DPMSolverSDEScheduler 实现了 Elucidating the Design Space of Diffusion-Based Generative Models 论文中的随机采样器。

该模型继承自 SchedulerMixinConfigMixin。查看超类文档以了解库为所有调度器(例如加载和保存)实现的一般方法。

scale_model_input

< >

( sample: Tensor timestep: typing.Union[float, torch.Tensor] ) torch.Tensor

参数

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

返回

torch.Tensor

一个缩放后的输入样本。

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

set_begin_index

< >

( begin_index: int = 0 )

参数

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

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

set_timesteps

< >

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

参数

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

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

步骤

< >

( model_output: typing.Union[torch.Tensor, numpy.ndarray] timestep: typing.Union[float, torch.Tensor] sample: typing.Union[torch.Tensor, numpy.ndarray] return_dict: bool = True s_noise: float = 1.0 ) DPMSolverSDESchedulerOutputtuple

参数

  • model_output (torch.Tensornp.ndarray) — 从学习到的扩散模型直接输出。
  • timestep (floattorch.Tensor) — 扩散链中的当前离散时间步。
  • sample (torch.Tensornp.ndarray) — 扩散过程创建的当前样本实例。
  • return_dict (bool) — 是否返回 DPMSolverSDESchedulerOutput 或元组。
  • s_noise (float, 可选, 默认为 1.0) — 添加到样本的噪声缩放因子。

返回

DPMSolverSDESchedulerOutputtuple

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

通过逆转 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 上更新