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

网站需求分析文档如何在一个空间做2个网站

网站需求分析文档,如何在一个空间做2个网站,长沙电子商务公司网站制作,wordpress优酷插件下载推荐阅读列表#xff1a; 扩散模型实战#xff08;一#xff09;#xff1a;基本原理介绍 扩散模型实战#xff08;二#xff09;#xff1a;扩散模型的发展 扩散模型实战#xff08;三#xff09;#xff1a;扩散模型的应用 扩散模型实战#xff08;四#xff… 推荐阅读列表 扩散模型实战一基本原理介绍 扩散模型实战二扩散模型的发展 扩散模型实战三扩散模型的应用 扩散模型实战四从零构建扩散模型 扩散模型实战五采样过程 扩散模型实战六Diffusers DDPM初探 扩散模型实战七Diffusers蝴蝶图像生成实战 扩散模型实战八微调扩散模型 扩散模型实战九使用CLIP模型引导和控制扩散模型 扩散模型实战十Stable Diffusion文本条件生成图像大模型 在扩散模型实战十Stable Diffusion文本条件生成图像大模型中介绍了如何使用Stable Diffusion Pipeline控制图片生成效果以及大小本文让我们剖析一下Stable Diffusion Pipeline内容细节。 Stable Diffusion Pipeline要比之前介绍的DDPMPipeline复杂一些除了UNet和调度器还有其他组件让我们来看一下具体包括的组件  from diffusers import ( StableDiffusionPipeline, StableDiffusionImg2ImgPipeline, StableDiffusionInpaintPipeline, StableDiffusionDepth2ImgPipeline ) # 载入管线model_id stabilityai/stable-diffusion-2-1-basepipe StableDiffusionPipeline.from_pretrained(model_id).to(device)pipe StableDiffusionPipeline.from_pretrained(model_id, revisionfp16,torch_dtypetorch.float16).to(device) # 查看pipe的组件print(list(pipe.components.keys())) # 输出组件[vae,text_encoder,tokenizer,unet,scheduler, safety_checker,feature_extractor] 这些组件的概念之前都介绍过了下面通过代码分析一下这些组件的细节 一、可变分自编码器VAE 可变分自编码器VAE是一种模型模型结构如图所示 ​ 在使用Stable Diffusion生成图片时首先需要在VAE的“隐空间”中应用扩散过程以生成隐编码然后在扩散之后对他们解码得到最终的输出图片实际上UNet的输入不是完整的图片而是经过VAE压缩后的特征这样可以极大地减少计算资源代码如下 # 创建取值区间为(-1, 1)的伪数据images torch.rand(1, 3, 512, 512).to(device) * 2 - 1 print(Input images shape:, images.shape) # 编码到隐空间with torch.no_grad(): latents 0.18215 * pipe.vae.encode(images).latent_dist.meanprint(Encoded latents shape:, latents.shape) # 再解码回来with torch.no_grad(): decoded_images pipe.vae.decode(latents / 0.18215).sampleprint(Decoded images shape:, decoded_images.shape) # 输出Input images shape: torch.Size([1, 3, 512, 512])Encoded latents shape: torch.Size([1, 4, 64, 64])Decoded images shape: torch.Size([1, 3, 512, 512]) 在这个示例中原本512X512像素的图片被压缩成64X64的隐式表示图片的每个空间维度都被压缩至原来的八分之一因此设定参数width和height时需要将它们设置成8的倍数。 PSVAE解码过程并不完美图像质量有所损失但在实际使用中已经足够好了。 二、分词器tokenizer和文本编码器text_encoder Prompt文本描述如何控制Stable Diffusion呢首先需要对Prompt文本描述使用tokenizer进行分词转换为数值表示的ID然后将这些分词后的ID输入给文本编码器。实际使用户中可以直接调用_encode_prompt方法来补全或者截断分词后的长度为77获得最终的Prompt文本表示代码如下 # 手动对提示文字进行分词和编码# 分词input_ids pipe.tokenizer([A painting of a flooble])[input_ids]print(Input ID - decoded token)for input_id in input_ids[0]: print(f{input_id} - {pipe.tokenizer.decode(input_id)}) # 将分词结果输入CLIP input_ids torch.tensor(input_ids).to(device)with torch.no_grad(): text_embeddings pipe.text_encoder(input_ids)[last_hidden_state]print(Text embeddings shape:, text_embeddings.shape) # 输出Input ID - decoded token49406 - |startoftext|320 - a3086 - painting539 - of320 - a4062 - floo1059 - ble49407 - |endoftext|Text embeddings shape: torch.Size([1, 8, 1024]) 获取最终的文本特征 text_embeddings pipe._encode_prompt(A painting of a flooble, device, 1, False, )print(text_embeddings.shape) # 输出torch.Size([1, 77, 1024]) 可以看到最终的文本从长度8补全到了77。 三、UNet网络 在扩散模型中UNet的作用是接收“带噪”的输入并预测噪声以实现“去噪”网络结构如下图所示与前面的示例不同此次输入的并非是原始图片而是图片的隐式表示另外还有文本Prompt描述也作为UNet的输入。 ​ 下面让我们对上述三种输入使用伪输入让模型来了解一下UNet在预测过程中输入输出形状和大小代码如下 # 创建伪输入timestep pipe.scheduler.timesteps[0]latents torch.randn(1, 4, 64, 64).to(device)text_embeddings torch.randn(1, 77, 1024).to(device) # 让模型进行预测with torch.no_grad(): unet_output pipe.unet(latents, timestep, text_embeddings).sampleprint(UNet output shape:, unet_output.shape) # 输出UNet output shape: torch.Size([1, 4, 64, 64]) 四、调度器Scheduler 调度器保持了如何添加噪声的信息并管理如何基于模型的预测更新“带噪”样本默认的调度器是PNDMScheduler。 我们可以观察一下在添加噪声过程中噪声水平随时间步增加的变化 plt.plot(pipe.scheduler.alphas_cumprod, labelr$\bar{\alpha}$)plt.xlabel(Timestep (high noise to low noise -))plt.title(Noise schedule)plt.legend() ​ 下面看一下使用不同的调度器生成的效果对比比如使用LMSDiscreteScheduler代码如下 from diffusers import LMSDiscreteScheduler # 替换原来的调度器pipe.scheduler LMSDiscreteScheduler.from_config(pipe.scheduler.config) # 输出配置参数print(Scheduler config:, pipe.scheduler) # 使用新的调度器生成图片pipe(promptPalette knife painting of an winter cityscape, height480, width480, generatortorch.Generator(devicedevice). manual_seed(42)).images[0] # 输出Scheduler config: LMSDiscreteScheduler { _class_name: LMSDiscreteScheduler, _diffusers_version: 0.11.1, beta_end: 0.012, beta_schedule: scaled_linear, beta_start: 0.00085, clip_sample: false, num_train_timesteps: 1000, prediction_type: epsilon, set_alpha_to_one: false, skip_prk_steps: true, steps_offset: 1, trained_betas: null} 生成的图片如下图所示 ​ 五、复现完整Pipeline 到目前为止我们已经分步骤剖析了Pipeline的每个组件现在我们将组合起来手动实现一个完整的Pipeline代码如下 guidance_scale 8num_inference_steps30prompt Beautiful picture of a wave breakingnegative_prompt zoomed in, blurry, oversaturated, warped # 对提示文字进行编码text_embeddings pipe._encode_prompt(prompt, device, 1, True, negative_prompt) # 创建随机噪声作为起点latents torch.randn((1, 4, 64, 64), devicedevice, generatorgenerator)latents * pipe.scheduler.init_noise_sigma # 准备调度器pipe.scheduler.set_timesteps(num_inference_steps, devicedevice) # 生成过程开始for i, t in enumerate(pipe.scheduler.timesteps):  latent_model_input torch.cat([latents] * 2) latent_model_input pipe.scheduler.scale_model_input( latent_model_input, t)  with torch.no_grad(): noise_pred pipe.unet(latent_model_input, t, encoder_hidden_statestext_embeddings).sample  noise_pred_uncond, noise_pred_text noise_pred.chunk(2) noise_pred noise_pred_uncond guidance_scale * (noise_pred_text - noise_pred_uncond)  latents pipe.scheduler.step(noise_pred, t, latents).prev_sample # 将隐变量映射到图片效果如图6-14所示with torch.no_grad(): image pipe.decode_latents(latents.detach()) pipe.numpy_to_pil(image)[0] 生成的效果如下图所示 ​ 六、其他Pipeline介绍 在也提到一些其他Pipeline模型比如图片到图片风格迁移Img2Img图片修复Inpainting以及图片深度Depth2Image模型本小节我们就来探索一下这些模型的具体使用效果。 6.1 Img2Img 到目前为止我们的图片仍然是从完全随机的隐变量开始生成的并且都使用了完整的扩展模型采样循环。Img2Img Pipeline不必从头开始它首先会对一张已有的图片进行编码在得到一系列的隐变量后就在这些隐变量上随机添加噪声并以此作为起点。 噪声的数量和“去噪”的步数决定了Img2Img生成的效果添加少量噪声只会带来微小的变化添加大量噪声并执行完整的“去噪”过程可能得到与原始图片完全不同近在整体结构上相似的图片。 # 载入Img2Img管线model_id stabilityai/stable-diffusion-2-1-baseimg2img_pipe StableDiffusionImg2ImgPipeline.from_pretrained( model_id).to(device) result_image img2img_pipe( promptAn oil painting of a man on a bench, image init_image, # 输入待编辑图片 strength 0.6, # 文本提示在设为0时完全不起作用设为1时作用强度最大).images[0] # 显示结果如图6-15所示fig, axs plt.subplots(1, 2, figsize(12, 5))axs[0].imshow(init_image);axs[0].set_title(Input Image)axs[1].imshow(result_image);axs[1].set_title(Result) 生成的效果如下图所示 ​ 6.2 Inpainting Inpainting是一个图片修复技术它可以保留图片一部分内容不变其他部分生成新的内容Inpainting UNet网络结构如下图所示 ​ 下面我们使用一个示例来展示一下效果 pipe StableDiffusionInpaintPipeline.from_pretrained(runwayml/ stable-diffusion-inpainting)pipe pipe.to(device)# 添加提示文字用于让模型知道补全图像时使用什么内容prompt A small robot, high resolution, sitting on a park benchimage pipe(promptprompt, imageinit_image, mask_imagemask_image).images[0] # 查看结果如图6-17所示fig, axs plt.subplots(1, 3, figsize(16, 5))axs[0].imshow(init_image);axs[0].set_title(Input Image)axs[1].imshow(mask_image);axs[1].set_title(Mask)axs[2].imshow(image);axs[2].set_title(Result) 生成的效果如下图所示 ​ 这是个有潜力的模型如果可以和自动生成掩码的模型结合就会非常强大比如Huggingface Space上的一个名为CLIPSeg的模型就可以自动生成掩码。 6.3 Depth2Image 如果想保留图片的整体结构而不保留原有的颜色比如使用不同的颜色或纹理生成新图片Img2Img是很难通过“强度”来控制的。而Depth2Img采用深度预测模型来预测一个深度图这个深度图被输入微调过的UNet以生成图片我们希望生成的图片既能保留原始图片的深度信息和总体结构同时又能在相关部分填入全新的内容代码如下 # 载入Depth2Img管线pipe StableDiffusionDepth2ImgPipeline.from_pretrained (stabilityai/stable-diffusion-2-depth)pipe pipe.to(device)# 使用提示文字进行图像补全prompt An oil painting of a man on a benchimage pipe(promptprompt, imageinit_image).images[0] # 查看结果如图6-18所示fig, axs plt.subplots(1, 2, figsize(16, 5))axs[0].imshow(init_image);axs[0].set_title(Input Image)axs[1].imshow(image);axs[1].set_title(Result) ​ PS该模型在3D场景下加入纹理非常有用。
文章转载自:
http://www.morning.yntsr.cn.gov.cn.yntsr.cn
http://www.morning.rfycj.cn.gov.cn.rfycj.cn
http://www.morning.lzdbb.cn.gov.cn.lzdbb.cn
http://www.morning.fmrwl.cn.gov.cn.fmrwl.cn
http://www.morning.mwcqz.cn.gov.cn.mwcqz.cn
http://www.morning.kyhnl.cn.gov.cn.kyhnl.cn
http://www.morning.frpb.cn.gov.cn.frpb.cn
http://www.morning.ckxd.cn.gov.cn.ckxd.cn
http://www.morning.yrhd.cn.gov.cn.yrhd.cn
http://www.morning.rknsp.cn.gov.cn.rknsp.cn
http://www.morning.ktxd.cn.gov.cn.ktxd.cn
http://www.morning.hhkzl.cn.gov.cn.hhkzl.cn
http://www.morning.kycwt.cn.gov.cn.kycwt.cn
http://www.morning.w58hje.cn.gov.cn.w58hje.cn
http://www.morning.kcrw.cn.gov.cn.kcrw.cn
http://www.morning.nwqyq.cn.gov.cn.nwqyq.cn
http://www.morning.neletea.com.gov.cn.neletea.com
http://www.morning.cjqcx.cn.gov.cn.cjqcx.cn
http://www.morning.rjrh.cn.gov.cn.rjrh.cn
http://www.morning.jthjr.cn.gov.cn.jthjr.cn
http://www.morning.dhwyl.cn.gov.cn.dhwyl.cn
http://www.morning.mnnxt.cn.gov.cn.mnnxt.cn
http://www.morning.ckcjq.cn.gov.cn.ckcjq.cn
http://www.morning.dpqqg.cn.gov.cn.dpqqg.cn
http://www.morning.cbnjt.cn.gov.cn.cbnjt.cn
http://www.morning.yqwrj.cn.gov.cn.yqwrj.cn
http://www.morning.kwblwbl.cn.gov.cn.kwblwbl.cn
http://www.morning.lfbsd.cn.gov.cn.lfbsd.cn
http://www.morning.rttkl.cn.gov.cn.rttkl.cn
http://www.morning.khtjn.cn.gov.cn.khtjn.cn
http://www.morning.skwwj.cn.gov.cn.skwwj.cn
http://www.morning.ktcfl.cn.gov.cn.ktcfl.cn
http://www.morning.jzmqk.cn.gov.cn.jzmqk.cn
http://www.morning.dktyc.cn.gov.cn.dktyc.cn
http://www.morning.pcgjj.cn.gov.cn.pcgjj.cn
http://www.morning.llqky.cn.gov.cn.llqky.cn
http://www.morning.wsgyq.cn.gov.cn.wsgyq.cn
http://www.morning.hmqmm.cn.gov.cn.hmqmm.cn
http://www.morning.jbpodhb.cn.gov.cn.jbpodhb.cn
http://www.morning.bftr.cn.gov.cn.bftr.cn
http://www.morning.ypcd.cn.gov.cn.ypcd.cn
http://www.morning.dwwlg.cn.gov.cn.dwwlg.cn
http://www.morning.zbqsg.cn.gov.cn.zbqsg.cn
http://www.morning.bhjyh.cn.gov.cn.bhjyh.cn
http://www.morning.ldcsw.cn.gov.cn.ldcsw.cn
http://www.morning.krnzm.cn.gov.cn.krnzm.cn
http://www.morning.datadragon-auh.cn.gov.cn.datadragon-auh.cn
http://www.morning.pjrgb.cn.gov.cn.pjrgb.cn
http://www.morning.xhqr.cn.gov.cn.xhqr.cn
http://www.morning.trjp.cn.gov.cn.trjp.cn
http://www.morning.qnksk.cn.gov.cn.qnksk.cn
http://www.morning.plwfx.cn.gov.cn.plwfx.cn
http://www.morning.jwgnn.cn.gov.cn.jwgnn.cn
http://www.morning.glnfn.cn.gov.cn.glnfn.cn
http://www.morning.zqwp.cn.gov.cn.zqwp.cn
http://www.morning.xjqhh.cn.gov.cn.xjqhh.cn
http://www.morning.rqlqd.cn.gov.cn.rqlqd.cn
http://www.morning.lhzqn.cn.gov.cn.lhzqn.cn
http://www.morning.bfcxf.cn.gov.cn.bfcxf.cn
http://www.morning.jbfjp.cn.gov.cn.jbfjp.cn
http://www.morning.pbygt.cn.gov.cn.pbygt.cn
http://www.morning.fmrd.cn.gov.cn.fmrd.cn
http://www.morning.mooncore.cn.gov.cn.mooncore.cn
http://www.morning.lmpfk.cn.gov.cn.lmpfk.cn
http://www.morning.qtryb.cn.gov.cn.qtryb.cn
http://www.morning.zqybs.cn.gov.cn.zqybs.cn
http://www.morning.hxljc.cn.gov.cn.hxljc.cn
http://www.morning.fkdts.cn.gov.cn.fkdts.cn
http://www.morning.xbkcr.cn.gov.cn.xbkcr.cn
http://www.morning.lffgs.cn.gov.cn.lffgs.cn
http://www.morning.kyzxh.cn.gov.cn.kyzxh.cn
http://www.morning.yxbrn.cn.gov.cn.yxbrn.cn
http://www.morning.gbsfs.com.gov.cn.gbsfs.com
http://www.morning.yzxhk.cn.gov.cn.yzxhk.cn
http://www.morning.bpmdr.cn.gov.cn.bpmdr.cn
http://www.morning.dpnhs.cn.gov.cn.dpnhs.cn
http://www.morning.rmfwh.cn.gov.cn.rmfwh.cn
http://www.morning.zxdhp.cn.gov.cn.zxdhp.cn
http://www.morning.bfcxf.cn.gov.cn.bfcxf.cn
http://www.morning.ylpl.cn.gov.cn.ylpl.cn
http://www.tj-hxxt.cn/news/270066.html

相关文章:

  • 北京建设工程继续教育网站莱芜在线广告信息
  • 网站做计算功能中国最新消息军事方面的
  • 关于网站建设的合同范本正规wordpress连不上数据库
  • 新浪 博客可以做网站优化吗集团建设网站
  • 网站建设飠金手指科杰十二wordpress首页调用文章数
  • 通辽网站seo常州网站价格
  • 海南住房建设厅网站自己网站wordpress主题怎么
  • 免费建网站 高校社团官方网站一流的嘉兴网站建设
  • 手机企业网站模板做网站入什么会计科目
  • 网站开发项目答辩ppt关于电商网站的数据中心建设方案
  • 全国企业信用信息公示系统网站wordpress 5.3
  • 电影网站做淘客wordpress google 慢
  • 深圳网址网站建设公司深圳注册贸易公司网上注册流程
  • 一级a做爰网站免费科技风格网站
  • 网站后台建设招聘html5网站模板 医院
  • 网站制作佛山vue网页模板免费
  • 网站开发课程百度云南昌seo推广方式
  • 江苏10大网站建设公司工业软件开发流程
  • 电子商务网站建设与维护做量化投资网站
  • 福州mip网站建设支付网站建设
  • wordpress丢失网络链接南宁seo推广经验
  • 外国人做那个视频网站网站开发人员兼职
  • 重庆建网站城选快忻科技悉心品牌高端网站设计
  • 免费建立自己微网站wordpress太强大
  • wordpress用户中心在网站建设包含seo吗
  • 昆明建站公司推荐网站建设的常用软件有哪些
  • 常熟网站网站建设企业查询平台有哪些
  • 域名注册服务的公司网站wordpress活动链接
  • 做卫生用品都在什么网站北京地区网站制作公司
  • 为什么要给企业建设网站?淄博有做互联网广告的公司