Diffusers 文档
EDMEulerScheduler
并获得增强的文档体验
开始使用
EDMEulerScheduler
Karras 等人的论文《阐明基于扩散的生成模型的设计空间》中提出的 Euler 调度器(算法 2)的 Karras 公式。这是一种快速调度器,通常可以在 20-30 步内生成良好的输出。该调度器基于 Katherine Crowson 的原始 k-扩散 实现。
EDMEulerScheduler
class diffusers.EDMEulerScheduler
< source >( sigma_min: float = 0.002 sigma_max: float = 80.0 sigma_data: float = 0.5 sigma_schedule: str = 'karras' num_train_timesteps: int = 1000 prediction_type: str = 'epsilon' rho: float = 7.0 final_sigmas_type: str = 'zero' )
参数
- sigma_min (
float
, 可选, 默认为 0.002) — sigma 调度中的最小噪声幅度。在 EDM 论文 [1] 中设置为 0.002;合理范围是 [0, 10]。 - sigma_max (
float
, 可选, 默认为 80.0) — sigma 调度中的最大噪声幅度。在 EDM 论文 [1] 中设置为 80.0;合理范围是 [0.2, 80.0]。 - sigma_data (
float
, 可选, 默认为 0.5) — 数据分布的标准差。在 EDM 论文 [1] 中设置为 0.5。 - sigma_schedule (
str
, 可选, 默认为karras
) — 用于计算sigmas
的 Sigma 调度。默认情况下,我们使用 EDM 论文 (https://huggingface.co/papers/2206.00364) 中引入的调度。其他可接受的值是“exponential”。指数调度已在此模型中集成:https://huggingface.co/stabilityai/cosxl。 - num_train_timesteps (
int
, 默认为 1000) — 用于训练模型的扩散步数。 - prediction_type (
str
, 默认为epsilon
, 可选) — 调度函数中的预测类型;可以是epsilon
(预测扩散过程的噪声)、sample
(直接预测噪声样本) 或v_prediction
(参见 Imagen Video 论文的 2.4 节)。 - rho (
float
, 可选, 默认为 7.0) — 用于计算 Karras sigma 调度的 rho 参数,在 EDM 论文 [1] 中设置为 7.0。 - final_sigmas_type (
str
, 默认为"zero"
) — 采样过程中噪声调度的最终sigma
值。如果为"sigma_min"
,则最终 sigma 与训练调度中的最后一个 sigma 相同。如果为zero
,则最终 sigma 设置为 0。
实现了 Karras 等人于 2022 年 [1] 提出的 EDM 公式中的 Euler 调度器。
[1] Karras, Tero, et al. “阐明基于扩散的生成模型的设计空间。” https://huggingface.co/papers/2206.00364
此模型继承自 SchedulerMixin 和 ConfigMixin。查看超类文档以了解库为所有调度器(如加载和保存)实现的通用方法。
scale_model_input
< source >( sample: Tensor timestep: typing.Union[float, torch.Tensor] ) → torch.Tensor
确保与需要根据当前时间步缩放去噪模型输入的调度器可互换。通过 (sigma**2 + 1) ** 0.5
缩放去噪模型输入以匹配欧拉算法。
设置调度器的起始索引。此函数应在推理之前从管道中运行。
set_timesteps
< source >( num_inference_steps: int = None device: typing.Union[str, torch.device] = None sigmas: typing.Union[torch.Tensor, typing.List[float], NoneType] = None )
设置用于扩散链的离散时间步(在推理之前运行)。
步骤
< source >( model_output: Tensor timestep: typing.Union[float, torch.Tensor] sample: Tensor s_churn: float = 0.0 s_tmin: float = 0.0 s_tmax: float = inf s_noise: float = 1.0 generator: typing.Optional[torch._C.Generator] = None return_dict: bool = True pred_original_sample: typing.Optional[torch.Tensor] = None ) → ~schedulers.scheduling_euler_discrete.EDMEulerSchedulerOutput
或 tuple
参数
- model_output (
torch.Tensor
) — 从学习型扩散模型直接输出。 - timestep (
float
) — 扩散链中的当前离散时间步。 - sample (
torch.Tensor
) — 由扩散过程创建的样本的当前实例。 - s_churn (
float
) — - s_tmin (
float
) — - s_tmax (
float
) — - s_noise (
float
, 默认为 1.0) — 添加到样本中的噪声的缩放因子。 - generator (
torch.Generator
, 可选) — 随机数生成器。 - return_dict (
bool
) — 是否返回~schedulers.scheduling_euler_discrete.EDMEulerSchedulerOutput
或元组。
返回
~schedulers.scheduling_euler_discrete.EDMEulerSchedulerOutput
或 tuple
如果 return_dict 为 True
,则返回 ~schedulers.scheduling_euler_discrete.EDMEulerSchedulerOutput
,否则返回一个元组,其中第一个元素是样本张量。
通过逆转 SDE 预测前一个时间步的样本。此函数从学习到的模型输出(通常是预测的噪声)传播扩散过程。
EDMEulerSchedulerOutput
class diffusers.schedulers.scheduling_edm_euler.EDMEulerSchedulerOutput
< source >( prev_sample: Tensor pred_original_sample: typing.Optional[torch.Tensor] = None )
调度器 step
函数输出的输出类。