当前位置: 首页 > news >正文

了解深圳网站定制开发泵 品牌网站建设

了解深圳网站定制开发,泵 品牌网站建设,简述网页制作的步骤,网站购物流程模块怎么实现Diffusers旨在成为一个用户友好且灵活的工具箱#xff0c;用于构建针对您的用例量身定制的扩散系统。工具箱的核心是模型和scheduler。虽然DiffusionPipeline为了方便起见将这些组件捆绑在一起#xff0c;但您也可以拆分管道并单独使用模型和scheduler来创建新的扩散系统。 …Diffusers旨在成为一个用户友好且灵活的工具箱用于构建针对您的用例量身定制的扩散系统。工具箱的核心是模型和scheduler。虽然DiffusionPipeline为了方便起见将这些组件捆绑在一起但您也可以拆分管道并单独使用模型和scheduler来创建新的扩散系统。 在本教程中您将学习如何使用模型和scheduler来组装用于推理的扩散系统从基本管道开始然后发展到稳定扩散管道。 1、解构Diffusion Model基本Pipeline Pipeline是运行模型进行推理的一种快速简便的方法生成图像需要不超过四行代码 from diffusers import DDPMPipelineddpm DDPMPipeline.from_pretrained(google/ddpm-cat-256).to(cuda) image ddpm(num_inference_steps25).images[0] image这非常容易但是Pipeline是怎么做到的呢让我们分解Pipeline看看发生了什么。 在上面的示例中管道包含一个UNet2DModel模型和一个DDPMScheduler。 Pipeline通过获取所需输出大小的随机噪声并将其多次传递到模型中来对图像进行去噪。在每个时间步模型预测噪声残余scheduler使用它来预测噪声较小的图像。Pipeline重复此过程直到到达指定数量的推理步骤的末尾。 要分别使用模型和scheduler重新创建Pipeline让我们编写自己的去噪过程。 加载模型和scheduler from diffusers import DDPMScheduler, UNet2DModelscheduler DDPMScheduler.from_pretrained(google/ddpm-cat-256) model UNet2DModel.from_pretrained(google/ddpm-cat-256).to(cuda)设置运行去噪过程的时间步数 scheduler.set_timesteps(50)设置scheduler时间步长会创建一个张量其中包含均匀间隔的元素在本例中为50。每个元素对应于模型对图像进行去噪的时间步长。稍后创建去噪循环时您将迭代此张量以对图像进行去噪 scheduler.timestepstensor([980, 960, 940, 920, 900, 880, 860, 840, 820, 800, 780, 760, 740, 720,700, 680, 660, 640, 620, 600, 580, 560, 540, 520, 500, 480, 460, 440,420, 400, 380, 360, 340, 320, 300, 280, 260, 240, 220, 200, 180, 160,140, 120, 100, 80, 60, 40, 20, 0])创建一些与所需输出形状相同的随机噪声 import torchsample_size model.config.sample_size noise torch.randn((1, 3, sample_size, sample_size)).to(cuda)现在编写一个循环来迭代时间步长。在每个时间步长模型都会进行UNet2DModel.forward() 传递并返回带噪声的残差。scheduler的 step()方法接受带噪声的残差、时间步长和输入并预测前一个时间步长的图像。该输出成为去噪循环中模型的下一个输入它会重复直到到达时间步长数组的末尾。 input noisefor t in scheduler.timesteps:with torch.no_grad():noisy_residual model(input, t).sampleprevious_noisy_sample scheduler.step(noisy_residual, t, input).prev_sampleinput previous_noisy_sample这是整个去噪过程您可以使用相同的模式来编写任何扩散系统。 最后一步是将去噪输出转换为图像 from PIL import Image import numpy as npimage (input / 2 0.5).clamp(0, 1) image image.cpu().permute(0, 2, 3, 1).numpy()[0] image Image.fromarray((image * 255).round().astype(uint8)) image在下一节中您将测试您的技能并分解更复杂的稳定扩散Pipeline。步骤或多或少是一样的。您将初始化必要的组件并设置时间步数来创建时间步数数组。时间步数数组用于去噪循环对于该数组中的每个元素模型预测噪声较小的图像。去噪循环在时间步上迭代在每个时间步上它输出一个嘈杂的残差scheduler使用它来预测前一个时间步上噪声较小的图像。重复此过程直到到达时间步长数组的末尾。 我们来试试看吧 2、解构Stable Diffusion pipeline Stable Diffusion是一种文本到图像的潜在扩散模型。它被称为潜在扩散模型因为它使用图像的低维表示而不是实际的像素空间这使得它的内存效率更高。编码器将图像压缩成更小的表示解码器将压缩的表示转换回图像。对于文本到图像模型您需要一个标记器和一个编码器来生成文本嵌入。从前面的例子中您已经知道您需要一个UNet模型和一个Scheduler。 如您所见这已经比仅包含UNet模型的DDPM管道更复杂。Stable Diffusion模型有三个独立的预训练模型。 阅读 How does Stable Diffusion work?了解有关VAE、UNet和文本编码器模型的更多详细信息。 现在您知道Stable Diffusion pipeline需要什么了使用from_pretrained()方法加载所有这些组件。您可以在预训练的runwayml/stable-diffusion-v1-5checkpoint中找到它们每个组件都存储在单独的子文件夹中 from PIL import Image import torch from transformers import CLIPTextModel, CLIPTokenizer from diffusers import AutoencoderKL, UNet2DConditionModel, PNDMSchedulervae AutoencoderKL.from_pretrained(CompVis/stable-diffusion-v1-4, subfoldervae) tokenizer CLIPTokenizer.from_pretrained(CompVis/stable-diffusion-v1-4, subfoldertokenizer) text_encoder CLIPTextModel.from_pretrained(CompVis/stable-diffusion-v1-4, subfoldertext_encoder) unet UNet2DConditionModel.from_pretrained(CompVis/stable-diffusion-v1-4, subfolderunet)代替默认的PNDMScheduler将其换成UniPCMultistepScheduler看看插入不同的Scheduler有多容易 from diffusers import UniPCMultistepSchedulerscheduler UniPCMultistepScheduler.from_pretrained(CompVis/stable-diffusion-v1-4, subfolderscheduler)为了加快推理速度请将模型移动到GPU因为与调度程序不同它们具有可训练的权重 torch_device cuda vae.to(torch_device) text_encoder.to(torch_device) unet.to(torch_device)2.1 创建文本嵌入 下一步是标记文本以生成embedding。文本用于调节UNet模型并将扩散过程引导到类似于输入提示符的东西。 注 guidance_scale参数决定了在生成图像时应该给prompt多少权重。 如果您想生成其他内容请随意选择您喜欢的任何prompt prompt [a photograph of an astronaut riding a horse] height 512 # default height of Stable Diffusion width 512 # default width of Stable Diffusion num_inference_steps 25 # Number of denoising steps guidance_scale 7.5 # Scale for classifier-free guidance generator torch.manual_seed(0) # Seed generator to create the inital latent noise batch_size len(prompt)标记文本并从提示生成embeddings text_input tokenizer(prompt, paddingmax_length, max_lengthtokenizer.model_max_length, truncationTrue, return_tensorspt )with torch.no_grad():text_embeddings text_encoder(text_input.input_ids.to(torch_device))[0]您还需要生成**无条件文本embeddings **它们是填充标记的embeddings 。这些需要具有与条件text_embeddings相同的形状batch_size和seq_length max_length text_input.input_ids.shape[-1] uncond_input tokenizer([] * batch_size, paddingmax_length, max_lengthmax_length, return_tensorspt) uncond_embeddings text_encoder(uncond_input.input_ids.to(torch_device))[0]让我们将条件和无条件嵌入连接到一个批处理中以避免进行两次前向传递 text_embeddings torch.cat([uncond_embeddings, text_embeddings])2.2 制造随机噪音 接下来生成一些初始随机噪声作为扩散过程的起点。这是图像的潜在表示latent representation它将逐渐去噪。在这一点上潜在图像小于最终图像尺寸但没关系因为模型稍后会将其转换为最终的512x512图像尺寸。 注 高度和宽度除以8因为vae模型有3个下采样层。您可以通过运行以下命令来检查 2 ** (len(vae.config.block_out_channels) - 1) 8latents torch.randn((batch_size, unet.in_channels, height // 8, width // 8),generatorgenerator, ) latents latents.to(torch_device)2.3 去噪图像 首先使用**初始噪声分布sigma噪声标度值**缩放输入这是改进scheduler如UniPCMultistepScheduler所必需的 latents latents * scheduler.init_noise_sigma最后一步是创建去噪循环将潜在的纯噪声逐步转换为提示所描述的图像。记住去噪循环需要做三件事 设置在去噪期间使用的scheduler的时间步长。迭代时间步长。在每个时间步调用UNet模型来预测噪声残余并将其传递给scheduler以计算先前的噪声样本。 from tqdm.auto import tqdmscheduler.set_timesteps(num_inference_steps)for t in tqdm(scheduler.timesteps):# 如果我们正在进行无分类器引导以避免进行两次前向传递则扩展latents。latent_model_input torch.cat([latents] * 2)latent_model_input scheduler.scale_model_input(latent_model_input, timestept)# 预测噪声残余with torch.no_grad():noise_pred unet(latent_model_input, t, encoder_hidden_statestext_embeddings).sample# 执行guidancenoise_pred_uncond, noise_pred_text noise_pred.chunk(2)noise_pred noise_pred_uncond guidance_scale * (noise_pred_text - noise_pred_uncond)# 计算先前的噪声样本x_t-x_t-1latents scheduler.step(noise_pred, t, latents).prev_sample2.4 解码图像 最后一步是使用vae将潜在表示解码为图像并获得带有样本的解码输出 # 用vae缩放和解码图像latents latents 1 / 0.18215 * latents with torch.no_grad():image vae.decode(latents).sample最后将图像转换为PIL. Image以查看您生成的图像 image (image / 2 0.5).clamp(0, 1) image image.detach().cpu().permute(0, 2, 3, 1).numpy() images (image * 255).round().astype(uint8) pil_images [Image.fromarray(image) for image in images] pil_images[0]
http://www.w-s-a.com/news/532745/

相关文章:

  • 全国性质的网站开发公司关于网站开发的请示
  • 齐齐哈尔住房和城乡建设局网站生物科技公司网站模板
  • 中国建设协会官方网站前端培训的机构
  • 网站建设套餐是什么北京孤儿院做义工网站
  • 网站如何做微信支付链接做暧小视频xo免费网站
  • SEO案例网站建设重庆建站模板平台
  • 上海seo网站推广公司wordpress 小米商城主题
  • 搭建服务器做网站什么网站可以请人做软件
  • 上海建筑建材业网站迁移公家网站模板
  • 仿制别人的网站违法吗网站防火墙怎么做
  • 杨浦网站建设 网站外包公司如何进行网络推广
  • wordpress+仿站步骤超详细wordpress常用函数
  • 浙江手机版建站系统哪个好怎样黑进别人的网站
  • 企业网站搜索引擎推广方法装修网络公司
  • 网站运营优化建议wordpress 添加媒体
  • 用asp.net做网站计数器施工企业会计的内涵
  • 网站被黑咋样的网站建设 设计业务范围
  • 网站开发学哪种语言网站编辑器失效
  • WordPress插件提示信息江阴网站优化
  • 网站开发用的软件如何做网站内容管理
  • 扬州网站建设公司网站推广是什么岗位
  • 双线网站管理咨询公司是做什么
  • asia域名的网站贵州光利达建设工程有限公司局网站
  • 梅州南站济南做网络安全的公司
  • 网站源代码 phpseo营销推广费用
  • 南京专业制作网站深圳整装装修公司排名
  • 网站制作在哪里比较好网页设计的要点有哪些
  • 自己做网站原始代码高端品牌服装
  • 九度企业网站推广软件龙泉市建设局网站
  • 做个企业网网站怎么做专业3合1网站建设公司