Diffusers 文档

Text2Video-Zero

Hugging Face's logo
加入 Hugging Face 社区

并获得增强型文档体验

开始使用

Text2Video-Zero

Text2Video-Zero:文本到图像扩散模型是零样本视频生成器 由 Levon Khachatryan、Andranik Movsisyan、Vahram Tadevosyan、Roberto Henschel、王张阳、Shant Navasardyan、Humphrey Shi 撰写。

Text2Video-Zero 使得使用以下方法进行零样本视频生成成为可能:

  1. 文本提示
  2. 提示与姿势或边缘引导相结合
  3. 视频 Instruct-Pix2Pix(指令引导的视频编辑)

结果在时间上保持一致,并密切遵循引导和文本提示。

teaser-img

本文的摘要是

最近的文本到视频生成方法依赖于计算密集型训练,并且需要大规模的视频数据集。在本文中,我们介绍了一种新的零样本文本到视频生成任务,并提出了一种低成本方法(无需任何训练或优化),通过利用现有的文本到图像合成方法(例如,稳定扩散)的强大功能,使其适合视频领域。我们的主要修改包括 (i) 用运动动力学丰富生成帧的潜在代码,以保持全局场景和背景时间一致;以及 (ii) 使用每个帧对第一帧的新跨帧注意力,重新编程帧级自注意力,以保留前景对象的上下文、外观和身份。实验表明,这会导致低开销,但产生高质量且非常一致的视频生成。此外,我们的方法不仅限于文本到视频合成,还适用于其他任务,例如条件视频生成和内容专业视频生成,以及视频 Instruct-Pix2Pix,即指令引导的视频编辑。如实验所示,我们的方法即使没有在额外的视频数据上进行训练,也能与最近的方法相媲美,有时甚至更好。

您可以在 项目页面论文原始代码库 中找到有关 Text2Video-Zero 的更多信息。

使用示例

文本到视频

要从提示生成视频,请运行以下 Python 代码

import torch
from diffusers import TextToVideoZeroPipeline

model_id = "runwayml/stable-diffusion-v1-5"
pipe = TextToVideoZeroPipeline.from_pretrained(model_id, torch_dtype=torch.float16).to("cuda")

prompt = "A panda is playing guitar on times square"
result = pipe(prompt=prompt).images
result = [(r * 255).astype("uint8") for r in result]
imageio.mimsave("video.mp4", result, fps=4)

您可以在管道调用中更改这些参数

  • 运动场强度(参见 论文,第 3.3.1 节)
    • motion_field_strength_xmotion_field_strength_y。默认:motion_field_strength_x=12motion_field_strength_y=12
  • TT'(参见 论文,第 3.3.1 节)
    • t0t1 在范围内 {0, ..., num_inference_steps}。默认:t0=45t1=48
  • 视频长度
    • video_length,要生成的帧数 video_length。默认:video_length=8

我们也可以通过分块方式进行处理来生成更长的视频

import torch
from diffusers import TextToVideoZeroPipeline
import numpy as np

model_id = "runwayml/stable-diffusion-v1-5"
pipe = TextToVideoZeroPipeline.from_pretrained(model_id, torch_dtype=torch.float16).to("cuda")
seed = 0
video_length = 24  #24 ÷ 4fps = 6 seconds
chunk_size = 8
prompt = "A panda is playing guitar on times square"

# Generate the video chunk-by-chunk
result = []
chunk_ids = np.arange(0, video_length, chunk_size - 1)
generator = torch.Generator(device="cuda")
for i in range(len(chunk_ids)):
    print(f"Processing chunk {i + 1} / {len(chunk_ids)}")
    ch_start = chunk_ids[i]
    ch_end = video_length if i == len(chunk_ids) - 1 else chunk_ids[i + 1]
    # Attach the first frame for Cross Frame Attention
    frame_ids = [0] + list(range(ch_start, ch_end))
    # Fix the seed for the temporal consistency
    generator.manual_seed(seed)
    output = pipe(prompt=prompt, video_length=len(frame_ids), generator=generator, frame_ids=frame_ids)
    result.append(output.images[1:])

# Concatenate chunks and save
result = np.concatenate(result)
result = [(r * 255).astype("uint8") for r in result]
imageio.mimsave("video.mp4", result, fps=4)
  • SDXL 支持

    为了在从提示生成视频时使用 SDXL 模型,请使用 TextToVideoZeroSDXLPipeline 管道
import torch
from diffusers import TextToVideoZeroSDXLPipeline

model_id = "stabilityai/stable-diffusion-xl-base-1.0"
pipe = TextToVideoZeroSDXLPipeline.from_pretrained(
    model_id, torch_dtype=torch.float16, variant="fp16", use_safetensors=True
).to("cuda")

带有姿势控制的文本到视频

要从带有额外姿势控制的提示生成视频

  1. 下载演示视频

    from huggingface_hub import hf_hub_download
    
    filename = "__assets__/poses_skeleton_gifs/dance1_corr.mp4"
    repo_id = "PAIR/Text2Video-Zero"
    video_path = hf_hub_download(repo_type="space", repo_id=repo_id, filename=filename)
  1. 读取包含提取的姿势图像的视频

    from PIL import Image
    import imageio
    
    reader = imageio.get_reader(video_path, "ffmpeg")
    frame_count = 8
    pose_images = [Image.fromarray(reader.get_data(i)) for i in range(frame_count)]

    要从实际视频中提取姿势,请阅读 ControlNet 文档

  2. 使用我们的自定义注意力处理器运行 StableDiffusionControlNetPipeline

    import torch
    from diffusers import StableDiffusionControlNetPipeline, ControlNetModel
    from diffusers.pipelines.text_to_video_synthesis.pipeline_text_to_video_zero import CrossFrameAttnProcessor
    
    model_id = "runwayml/stable-diffusion-v1-5"
    controlnet = ControlNetModel.from_pretrained("lllyasviel/sd-controlnet-openpose", torch_dtype=torch.float16)
    pipe = StableDiffusionControlNetPipeline.from_pretrained(
        model_id, controlnet=controlnet, torch_dtype=torch.float16
    ).to("cuda")
    
    # Set the attention processor
    pipe.unet.set_attn_processor(CrossFrameAttnProcessor(batch_size=2))
    pipe.controlnet.set_attn_processor(CrossFrameAttnProcessor(batch_size=2))
    
    # fix latents for all frames
    latents = torch.randn((1, 4, 64, 64), device="cuda", dtype=torch.float16).repeat(len(pose_images), 1, 1, 1)
    
    prompt = "Darth Vader dancing in a desert"
    result = pipe(prompt=[prompt] * len(pose_images), image=pose_images, latents=latents).images
    imageio.mimsave("video.mp4", result, fps=4)
  • SDXL 支持

    由于我们的注意力处理器也适用于 SDXL,因此它可用于使用由 SDXL 提供支持的 ControlNet 模型从提示生成视频

    import torch
    from diffusers import StableDiffusionXLControlNetPipeline, ControlNetModel
    from diffusers.pipelines.text_to_video_synthesis.pipeline_text_to_video_zero import CrossFrameAttnProcessor
    
    controlnet_model_id = 'thibaud/controlnet-openpose-sdxl-1.0'
    model_id = 'stabilityai/stable-diffusion-xl-base-1.0'
    
    controlnet = ControlNetModel.from_pretrained(controlnet_model_id, torch_dtype=torch.float16)
    pipe = StableDiffusionControlNetPipeline.from_pretrained(
    	model_id, controlnet=controlnet, torch_dtype=torch.float16
    ).to('cuda')
    
    # Set the attention processor
    pipe.unet.set_attn_processor(CrossFrameAttnProcessor(batch_size=2))
    pipe.controlnet.set_attn_processor(CrossFrameAttnProcessor(batch_size=2))
    
    # fix latents for all frames
    latents = torch.randn((1, 4, 128, 128), device="cuda", dtype=torch.float16).repeat(len(pose_images), 1, 1, 1)
    
    prompt = "Darth Vader dancing in a desert"
    result = pipe(prompt=[prompt] * len(pose_images), image=pose_images, latents=latents).images
    imageio.mimsave("video.mp4", result, fps=4)

带有边缘控制的文本到视频

要从带有额外 Canny 边缘控制的提示生成视频,请按照上面为姿势引导生成描述的相同步骤操作,使用 Canny 边缘 ControlNet 模型

视频 Instruct-Pix2Pix

要执行文本引导的视频编辑(使用 InstructPix2Pix

  1. 下载演示视频

    from huggingface_hub import hf_hub_download
    
    filename = "__assets__/pix2pix video/camel.mp4"
    repo_id = "PAIR/Text2Video-Zero"
    video_path = hf_hub_download(repo_type="space", repo_id=repo_id, filename=filename)
  2. 从路径读取视频

    from PIL import Image
    import imageio
    
    reader = imageio.get_reader(video_path, "ffmpeg")
    frame_count = 8
    video = [Image.fromarray(reader.get_data(i)) for i in range(frame_count)]
  3. 使用我们的自定义注意力处理器运行 StableDiffusionInstructPix2PixPipeline

    import torch
    from diffusers import StableDiffusionInstructPix2PixPipeline
    from diffusers.pipelines.text_to_video_synthesis.pipeline_text_to_video_zero import CrossFrameAttnProcessor
    
    model_id = "timbrooks/instruct-pix2pix"
    pipe = StableDiffusionInstructPix2PixPipeline.from_pretrained(model_id, torch_dtype=torch.float16).to("cuda")
    pipe.unet.set_attn_processor(CrossFrameAttnProcessor(batch_size=3))
    
    prompt = "make it Van Gogh Starry Night style"
    result = pipe(prompt=[prompt] * len(video), image=video).images
    imageio.mimsave("edited_video.mp4", result, fps=4)

DreamBooth 专业化

方法 文本到视频带有姿势控制的文本到视频带有边缘控制的文本到视频 可以使用自定义的 DreamBooth 模型运行,如下面的 Canny 边缘 ControlNet 模型Avatar 风格 DreamBooth 模型所示

  1. 下载演示视频

    from huggingface_hub import hf_hub_download
    
    filename = "__assets__/canny_videos_mp4/girl_turning.mp4"
    repo_id = "PAIR/Text2Video-Zero"
    video_path = hf_hub_download(repo_type="space", repo_id=repo_id, filename=filename)
  2. 从路径读取视频

    from PIL import Image
    import imageio
    
    reader = imageio.get_reader(video_path, "ffmpeg")
    frame_count = 8
    canny_edges = [Image.fromarray(reader.get_data(i)) for i in range(frame_count)]
  3. 使用自定义训练的 DreamBooth 模型运行 StableDiffusionControlNetPipeline

    import torch
    from diffusers import StableDiffusionControlNetPipeline, ControlNetModel
    from diffusers.pipelines.text_to_video_synthesis.pipeline_text_to_video_zero import CrossFrameAttnProcessor
    
    # set model id to custom model
    model_id = "PAIR/text2video-zero-controlnet-canny-avatar"
    controlnet = ControlNetModel.from_pretrained("lllyasviel/sd-controlnet-canny", torch_dtype=torch.float16)
    pipe = StableDiffusionControlNetPipeline.from_pretrained(
        model_id, controlnet=controlnet, torch_dtype=torch.float16
    ).to("cuda")
    
    # Set the attention processor
    pipe.unet.set_attn_processor(CrossFrameAttnProcessor(batch_size=2))
    pipe.controlnet.set_attn_processor(CrossFrameAttnProcessor(batch_size=2))
    
    # fix latents for all frames
    latents = torch.randn((1, 4, 64, 64), device="cuda", dtype=torch.float16).repeat(len(canny_edges), 1, 1, 1)
    
    prompt = "oil painting of a beautiful girl avatar style"
    result = pipe(prompt=[prompt] * len(canny_edges), image=canny_edges, latents=latents).images
    imageio.mimsave("video.mp4", result, fps=4)

您可以使用 此链接 过滤掉一些可用的 DreamBooth 训练模型。

务必查看调度器 指南,了解如何探索调度器速度和质量之间的权衡,并查看 跨管道重用组件 部分,了解如何将相同组件高效地加载到多个管道中。

TextToVideoZeroPipeline

class diffusers.TextToVideoZeroPipeline

< >

( vae: AutoencoderKL text_encoder: CLIPTextModel tokenizer: CLIPTokenizer unet: UNet2DConditionModel scheduler: KarrasDiffusionSchedulers safety_checker: StableDiffusionSafetyChecker feature_extractor: CLIPImageProcessor requires_safety_checker: bool = True )

参数

  • vae (AutoencoderKL) — 用于将图像编码和解码为潜在表示的变分自动编码器 (VAE) 模型。
  • text_encoder (CLIPTextModel) — 冻结的文本编码器 (clip-vit-large-patch14)。
  • tokenizer (CLIPTokenizer) — 用于对文本进行标记的 CLIPTokenizer
  • unet (UNet2DConditionModel) — 用于对编码的视频潜在因素进行降噪的 UNet3DConditionModel
  • scheduler (SchedulerMixin) — 用于与 unet 结合以对编码的图像潜在因素进行降噪的调度器。可以是 DDIMSchedulerLMSDiscreteSchedulerPNDMScheduler 之一。
  • safety_checker (StableDiffusionSafetyChecker) — 用于估计生成的图像是否可能被认为具有攻击性或有害的分类模块。有关模型潜在危害的更多详细信息,请参阅 模型卡
  • feature_extractor (CLIPImageProcessor) — 用于从生成的图像中提取特征的 CLIPImageProcessor;用作 safety_checker 的输入。

使用 Stable Diffusion 进行零样本文本到视频生成的管道。

此模型继承自 DiffusionPipeline。检查超类文档以了解为所有管道实现的通用方法(下载、保存、在特定设备上运行等)。

__call__

< >

( 提示: 联合 视频长度: 可选 = 8 高度: 可选 = 无 宽度: 可选 = 无 推理步骤数: 整数 = 50 引导尺度: 浮点数 = 7.5 负面提示: 联合 = 无 每个提示的视频数量: 可选 = 1 eta: 浮点数 = 0.0 生成器: 联合 = 无 潜在变量: 可选 = 无 运动场强度X: 浮点数 = 12 运动场强度Y: 浮点数 = 12 输出类型: 可选 = '张量' 返回字典: 布尔值 = True 回调函数: 可选 = 无 回调步骤: 可选 = 1 t0: 整数 = 44 t1: 整数 = 47 帧ID: 可选 = 无 ) 文本到视频管道输出

参数

  • 提示 (strList[str], 可选) — 指导图像生成的提示或提示。如果未定义,您需要传递 prompt_embeds
  • 视频长度 (int, 可选, 默认为 8) — 生成的视频帧数。
  • 高度 (int, 可选, 默认为 self.unet.config.sample_size * self.vae_scale_factor) — 生成的图像的高度(以像素为单位)。
  • 宽度 (int, 可选, 默认为 self.unet.config.sample_size * self.vae_scale_factor) — 生成的图像的宽度(以像素为单位)。
  • 推理步骤数 (int, 可选, 默认为 50) — 降噪步骤数。更多降噪步骤通常会导致更高的图像质量,但会牺牲更慢的推理速度。
  • 引导尺度 (float, 可选, 默认为 7.5) — 更高的引导尺度值会鼓励模型生成与文本 prompt 密切相关的图像,但会牺牲更低的图像质量。当 guidance_scale > 1 时启用引导尺度。
  • 负面提示 (strList[str], 可选) — 指导不包含在视频生成中的提示或提示。如果未定义,您需要传递 negative_prompt_embeds 来代替。在不使用引导(guidance_scale < 1)时忽略。
  • 每个提示的视频数量 (int, 可选, 默认为 1) — 每个提示要生成的视频数量。
  • eta (float, 可选, 默认为 0.0) — 对应于来自 DDIM 论文的参数 eta (η)。仅适用于 DDIMScheduler,并在其他调度器中被忽略。
  • generator (torch.GeneratorList[torch.Generator], 可选) — 一个 torch.Generator 用于使生成确定性。
  • latents (torch.Tensor, 可选) — 从高斯分布采样的预生成噪声潜在,用作视频生成的输入。可用于使用不同的提示微调相同的生成。如果未提供,则通过使用提供的随机 generator 采样来生成潜在张量。
  • output_type (str, 可选, 默认为 "np") — 生成的视频的输出格式。在 "latent""np" 之间选择。
  • return_dict (bool, 可选, 默认为 True) — 是否返回 TextToVideoPipelineOutput 而不是普通元组。
  • callback (Callable, 可选) — 在推理过程中每 callback_steps 步调用一次的函数。该函数使用以下参数调用:callback(step: int, timestep: int, latents: torch.Tensor)
  • callback_steps (int, 可选, 默认为 1) — callback 函数的调用频率。如果未指定,则在每个步骤调用回调。
  • motion_field_strength_x (float, 可选, 默认为 12) — 生成的视频沿 x 轴的运动强度。参见 论文,第 3.3.1 节。
  • motion_field_strength_y (float, 可选, 默认为 12) — 生成的视频沿 y 轴的运动强度。参见 论文,第 3.3.1 节。
  • t0 (int, 可选, 默认为 44) — 时间步 t0。应在范围 [0, num_inference_steps - 1] 内。参见 论文,第 3.3.1 节。
  • frame_ids (List[int], 可选) — 生成的帧的索引。这在分块生成较长视频时使用。

返回

TextToVideoPipelineOutput

输出包含生成的视频的 ndarray,当 output_type != "latent" 时,否则为生成的视频的潜在代码和一个 bool 列表,指示相应的生成的视频是否包含“不适合工作” (nsfw) 内容。

用于生成的管道调用函数。

backward_loop

< >

( latents timesteps prompt_embeds guidance_scale callback callback_steps num_warmup_steps extra_step_kwargs cross_attention_kwargs = None ) latents

参数

  • callback (Callable, 可选) — 在推理过程中每 callback_steps 步调用一次的函数。该函数使用以下参数调用:callback(step: int, timestep: int, latents: torch.Tensor)
  • callback_steps (int, 可选,默认为 1) — callback 函数调用的频率。如果未指定,则在每一步都调用回调。 extra_step_kwargs — Extra_step_kwargs。 cross_attention_kwargs — 如果指定,则传递给 AttentionProcessor 的 kwargs 字典,如 self.processor 中定义。 num_warmup_steps — 预热步数。

返回

latents

时间步长 timesteps[-1] 时反向过程输出的潜在代码。

根据时间步长列表执行反向过程。

encode_prompt

< >

( prompt device num_images_per_prompt do_classifier_free_guidance negative_prompt = None prompt_embeds: Optional = None negative_prompt_embeds: Optional = None lora_scale: Optional = None clip_skip: Optional = None )

参数

  • prompt (strList[str], 可选) — 要编码的提示 device — (torch.device): torch 设备
  • num_images_per_prompt (int) — 每个提示应该生成的图像数量
  • do_classifier_free_guidance (bool) — 是否使用分类器免费引导
  • prompt_embeds (torch.Tensor, 可选) — 预生成的文本嵌入。 可用于轻松调整文本输入,例如 提示加权。 如果未提供,文本嵌入将从 prompt 输入参数生成。
  • negative_prompt_embeds (torch.Tensor, 可选) — 预生成的负文本嵌入。 可用于轻松调整文本输入,例如 提示加权。 如果未提供, negative_prompt_embeds 将从 negative_prompt 输入参数生成。
  • lora_scale (float, 可选) — 如果加载了 LoRA 层,则将应用于文本编码器所有 LoRA 层的 LoRA 比例。
  • clip_skip (int, 可选) — 在计算提示嵌入时要从 CLIP 跳过的层数。 值 1 表示将使用倒数第二层的输出计算提示嵌入。

将提示编码为文本编码器隐藏状态。

forward_loop

< >

( x_t0 t0 t1 generator ) x_t1

参数

  • generator (torch.GeneratorList[torch.Generator], 可选) — torch.Generator 用于使生成确定性。

返回

x_t1

应用于 x_t0 从时间 t0 到 t1 的前向过程。

执行从时间 t0 到 t1 的 DDPM 前向过程。 这与使用相应的方差添加噪声相同。

TextToVideoZeroSDXLPipeline

diffusers.TextToVideoZeroSDXLPipeline

< >

( vae: AutoencoderKL text_encoder: CLIPTextModel text_encoder_2: CLIPTextModelWithProjection tokenizer: CLIPTokenizer tokenizer_2: CLIPTokenizer unet: UNet2DConditionModel scheduler: KarrasDiffusionSchedulers image_encoder: CLIPVisionModelWithProjection = None feature_extractor: CLIPImageProcessor = None force_zeros_for_empty_prompt: bool = True add_watermarker: Optional = None )

参数

使用 Stable Diffusion XL 进行零样本文本到视频生成的管道。

此模型继承自 DiffusionPipeline。检查超类文档以了解为所有管道实现的通用方法(下载、保存、在特定设备上运行等)。

__call__

< >

( 提示词: 联合类型 提示词_2: 联合类型 = None 视频长度: 可选 = 8 高度: 可选 = None 宽度: 可选 = None 推理步数: int = 50 降噪结束: 可选 = None 引导比例: float = 7.5 负面提示词: 联合类型 = None 负面提示词_2: 联合类型 = None 每个提示词生成的视频数量: 可选 = 1 ETA: float = 0.0 生成器: 联合类型 = None 帧ID: 可选 = None 提示词嵌入: 可选 = None 负面提示词嵌入: 可选 = None 合并后的提示词嵌入: 可选 = None 负面合并后的提示词嵌入: 可选 = None 潜在变量: 可选 = None 运动场强X: float = 12 运动场强Y: float = 12 输出类型: 可选 = '张量' 返回字典: bool = True 回调函数: 可选 = None 回调步数: int = 1 交叉注意力参数: 可选 = None 引导重缩放: float = 0.0 原始大小: 可选 = None 裁剪坐标左上角: 元组 = (0, 0) 目标大小: 可选 = None T0: int = 44 T1: int = 47 )

参数

  • 提示词 (strList[str], 可选) — 指导图像生成的提示词或提示词列表。 如果未定义,则必须传入 prompt_embeds
  • 提示词_2 (strList[str], 可选) — 发送到 tokenizer_2text_encoder_2 的提示词或提示词列表。 如果未定义,则两个文本编码器都使用 prompt
  • 视频长度 (int, 可选, 默认值为 8) — 生成的视频帧数。
  • 高度 (int, 可选, 默认值为 self.unet.config.sample_size * self.vae_scale_factor) — 生成的图像的高度(以像素为单位)。
  • 宽度 (int, 可选, 默认值为 self.unet.config.sample_size * self.vae_scale_factor) — 生成的图像的宽度(以像素为单位)。
  • 推理步数 (int, 可选, 默认值为 50) — 降噪步骤的数量。 更多的降噪步骤通常会导致更高质量的图像,但推理速度会变慢。
  • denoising_end (float, 可选) — 当指定时,它确定在故意过早终止之前完成的总去噪过程的分数(介于 0.0 和 1.0 之间)。结果,返回的样本仍将保留由调度程序选择的离散时间步长确定的相当数量的噪声。当此管道构成“去噪器混合”多管道设置的一部分时,denoising_end 参数应该理想地使用,如 优化图像输出 中所述。
  • guidance_scale (float, 可选,默认值为 7.5) — 如 无分类器扩散引导 中所定义的引导尺度。guidance_scale 定义为 Imagen 论文 的方程 2. 中的 w。通过设置 guidance_scale > 1 来启用引导尺度。更高的引导尺度鼓励生成与文本 prompt 密切相关的图像,通常是以降低图像质量为代价的。
  • negative_prompt (strList[str], 可选) — 不引导图像生成的提示或提示。如果未定义,则必须传递 negative_prompt_embeds。在不使用引导时被忽略(即,如果 guidance_scale 小于 1,则被忽略)。
  • negative_prompt_2 (strList[str], 可选) — 要发送到 tokenizer_2text_encoder_2 的不引导图像生成的提示或提示。如果未定义,则在两个文本编码器中都使用 negative_prompt
  • num_videos_per_prompt (int, 可选,默认值为 1) — 每个提示要生成的视频数量。
  • eta (float, 可选,默认值为 0.0) — 对应于 DDIM 论文中的参数 eta (η):https://arxiv.org/abs/2010.02502。仅适用于 schedulers.DDIMScheduler,其他调度程序将被忽略。
  • generator (torch.GeneratorList[torch.Generator], 可选) — 一个或多个 torch 生成器 以使生成确定性。
  • frame_ids (List[int], 可选) — 正在生成的帧的索引。这在分块生成较长视频时使用。
  • prompt_embeds (torch.Tensor, 可选) — 预生成的文本嵌入。可用于轻松调整文本输入,例如提示加权。如果未提供,文本嵌入将从 prompt 输入参数生成。
  • negative_prompt_embeds (torch.Tensor, 可选) — 预生成的负文本嵌入。可用于轻松调整文本输入,例如提示加权。如果未提供,negative_prompt_embeds 将从 negative_prompt 输入参数生成。
  • pooled_prompt_embeds (torch.Tensor, 可选) — 预先生成的池化文本嵌入。可用于轻松调整文本输入,例如提示权重。如果未提供,则会从prompt输入参数生成池化文本嵌入。
  • negative_pooled_prompt_embeds (torch.Tensor, 可选) — 预先生成的负向池化文本嵌入。可用于轻松调整文本输入,例如提示权重。如果未提供,则会从negative_prompt输入参数生成池化负向提示嵌入。
  • latents (torch.Tensor, 可选) — 预先生成的噪声潜在变量,从高斯分布中采样,用作图像生成的输入。可用于使用不同的提示调整相同的生成。如果未提供,则会通过使用提供的随机generator进行采样来生成一个潜在变量张量。
  • motion_field_strength_x (float, 可选,默认值为 12) — 生成的视频沿 x 轴的运动强度。请参见 论文,第 3.3.1 节。
  • motion_field_strength_y (float, 可选,默认值为 12) — 生成的视频沿 y 轴的运动强度。请参见 论文,第 3.3.1 节。
  • output_type (str, 可选,默认值为 "pil") — 生成的图像的输出格式。在 PIL 之间选择:PIL.Image.Imagenp.array
  • return_dict (bool, 可选,默认值为 True) — 是否返回一个 ~pipelines.stable_diffusion_xl.StableDiffusionXLPipelineOutput 而不是一个普通的元组。
  • callback (Callable, 可选) — 在推理过程中每 callback_steps 步调用一次的函数。该函数将使用以下参数调用:callback(step: int, timestep: int, latents: torch.Tensor)
  • callback_steps (int, 可选,默认值为 1) — 调用 callback 函数的频率。如果未指定,则将在每一步调用回调函数。
  • cross_attention_kwargs (dict, 可选) — 如果指定,则将作为关键字参数字典传递给 AttentionProcessor,如 diffusers.cross_attention 中的 self.processor 中定义。
  • original_size (Tuple[int], 可选, 默认为 (1024, 1024)) — 如果 original_sizetarget_size 不相同,则图像将看起来被向下或向上采样。如果未指定,original_size 默认为 (width, height)。 这是 SDXL 微调的一部分,如 https://huggingface.co/papers/2307.01952 的第 2.2 节所述。
  • crops_coords_top_left (Tuple[int], 可选, 默认为 (0, 0)) — crops_coords_top_left 可用于生成看起来从 crops_coords_top_left 位置向下“裁剪”的图像。 通常将 crops_coords_top_left 设置为 (0, 0) 可以获得良好的、居中的图像。 这是 SDXL 微调的一部分,如 https://huggingface.co/papers/2307.01952 的第 2.2 节所述。
  • target_size (Tuple[int], 可选, 默认为 (1024, 1024)) — 在大多数情况下,target_size 应设置为生成的图像的所需高度和宽度。 如果未指定,它将默认为 (width, height)。 这是 SDXL 微调的一部分,如 https://huggingface.co/papers/2307.01952 的第 2.2 节所述。
  • t0 (int, 可选, 默认为 44) — 时间步长 t0。 应在 [0, num_inference_steps - 1] 范围内。 请参见 论文,第 3.3.1 节。
  • t1 (int, 可选, 默认为 47) — 时间步长 t0。 应在 [t0 + 1, num_inference_steps - 1] 范围内。 请参见 论文,第 3.3.1 节。

调用管道进行生成时调用的函数。

backward_loop

< >

( latents timesteps prompt_embeds guidance_scale callback callback_steps num_warmup_steps extra_step_kwargs add_text_embeds add_time_ids cross_attention_kwargs = None guidance_rescale: float = 0.0 ) latents

参数

  • callback (Callable, 可选) — 在推理期间每 callback_steps 步调用一次的函数。 该函数使用以下参数调用:callback(step: int, timestep: int, latents: torch.Tensor)
  • callback_steps (int, 可选, 默认为 1) — 调用 callback 函数的频率。 如果未指定,则在每一步都调用回调函数。 extra_step_kwargs — Extra_step_kwargs。 cross_attention_kwargs — 一个 kwargs 字典,如果指定,则传递给 self.processor 中定义的 AttentionProcessor。 num_warmup_steps — 预热步数。

返回

latents

在时间步长 timesteps[-1] 时,向后过程输出的潜在变量。

在给定的时间步长列表中执行向后过程。

encode_prompt

  • 提示 (strList[str], 可选) — 要编码的提示
  • 提示_2 (strList[str], 可选) — 要发送到 tokenizer_2text_encoder_2 的提示或提示。如果未定义,则在两个文本编码器中都使用 prompt 设备 — (torch.device): torch 设备
  • 每个提示的图像数量 (int) — 每个提示应该生成的图像数量
  • 使用分类器免费引导 (bool) — 是否使用分类器免费引导
  • 负面提示 (strList[str], 可选) — 不引导图像生成的提示或提示。如果未定义,则必须传递 negative_prompt_embeds。当不使用引导时,将被忽略(即,如果 guidance_scale 小于 1,则被忽略)。
  • 负面提示_2 (strList[str], 可选) — 要发送到 tokenizer_2text_encoder_2 的不引导图像生成的提示或提示。如果未定义,则在两个文本编码器中都使用 negative_prompt
  • 提示嵌入 (torch.Tensor, 可选) — 预生成的文本嵌入。可用于轻松调整文本输入,例如 提示加权。如果未提供,则会从 prompt 输入参数生成文本嵌入。
  • 负面提示嵌入 (torch.Tensor, 可选) — 预生成的负面文本嵌入。可用于轻松调整文本输入,例如 提示加权。如果未提供,则会从 negative_prompt 输入参数生成 negative_prompt_embeds。
  • 池化提示嵌入 (torch.Tensor, 可选) — 预生成的池化文本嵌入。可用于轻松调整文本输入,例如 提示加权。如果未提供,则会从 prompt 输入参数生成池化文本嵌入。
  • negative_pooled_prompt_embeds (torch.Tensor, 可选) — 预先生成的负面池化文本嵌入。 可用于轻松调整文本输入,例如 提示权重。 如果未提供,将从 negative_prompt 输入参数生成池化的 negative_prompt_embeds。
  • lora_scale (float, 可选) — 如果加载了 LoRA 层,则将应用于文本编码器所有 LoRA 层的 LoRA 比例。
  • clip_skip (int, 可选) — 从 CLIP 计算提示嵌入时要跳过的层数。 值为 1 表示将使用倒数第二层的输出来计算提示嵌入。

将提示编码为文本编码器隐藏状态。

forward_loop

< >

( x_t0 t0 t1 generator ) x_t1

参数

  • generator (torch.GeneratorList[torch.Generator], 可选) — 一个 torch.Generator 用于使生成确定性。

返回

x_t1

应用于 x_t0 从时间 t0 到 t1 的前向过程。

执行从时间 t0 到 t1 的 DDPM 前向过程。 这与使用相应的方差添加噪声相同。

TextToVideoPipelineOutput

class diffusers.pipelines.text_to_video_synthesis.pipeline_text_to_video_zero.TextToVideoPipelineOutput

< >

( images: Union nsfw_content_detected: Optional )

参数

  • images ([List[PIL.Image.Image], np.ndarray]) — 长度为 batch_size 的去噪 PIL 图像列表或形状为 (batch_size, height, width, num_channels) 的 NumPy 数组。
  • nsfw_content_detected ([List[bool]]) — 指示相应的生成图像是否包含“不适合工作” (nsfw) 内容的列表,如果无法执行安全检查,则为 None

零样本文本到视频管道的输出类。

< > 在 GitHub 上更新