ComfyUI 快速搭建流程

news2024/11/15 5:57:29

相关地址

  • ComfyUI
  • Pytorch版本

环境准备

  • nvidia 3090
+-----------------------------------------------------------------------------+
| NVIDIA-SMI 515.65.01    Driver Version: 515.65.01    CUDA Version: 11.7     |
|-------------------------------+----------------------+----------------------+
| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
|                               |                      |               MIG M. |
|===============================+======================+======================|
|   0  NVIDIA GeForce ...  Off  | 00000000:35:00.0 Off |                  N/A |
| 30%   22C    P8    15W / 350W |   5126MiB / 24576MiB |      0%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
|   1  NVIDIA GeForce ...  Off  | 00000000:36:00.0 Off |                  N/A |
| 30%   24C    P8    14W / 350W |      2MiB / 24576MiB |      0%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
|   2  NVIDIA GeForce ...  Off  | 00000000:39:00.0 Off |                  N/A |
| 30%   22C    P8    21W / 350W |      2MiB / 24576MiB |      0%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
|   3  NVIDIA GeForce ...  Off  | 00000000:3D:00.0 Off |                  N/A |
| 30%   21C    P8    12W / 350W |      2MiB / 24576MiB |      0%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
|   4  NVIDIA GeForce ...  Off  | 00000000:9C:00.0 Off |                  N/A |
| 30%   19C    P8    14W / 350W |      2MiB / 24576MiB |      0%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
|   5  NVIDIA GeForce ...  Off  | 00000000:9D:00.0 Off |                  N/A |
| 30%   23C    P8    15W / 350W |  14257MiB / 24576MiB |      0%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
|   6  NVIDIA GeForce ...  Off  | 00000000:A0:00.0 Off |                  N/A |
| 30%   25C    P8    19W / 350W |   6231MiB / 24576MiB |      0%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
|   7  NVIDIA GeForce ...  Off  | 00000000:A4:00.0 Off |                  N/A |
| 30%   26C    P8    13W / 350W |   9094MiB / 24576MiB |      0%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
  • 镜像:cuda:11.7.1-cudnn8-devel-ubuntu20.04
  • 安装cuda
# CUDA 11.7
pip install torch==2.0.0 torchvision==0.15.1 torchaudio==2.0.1

安装ComfyUI

git clone https://github.com/comfyanonymous/ComfyUI.git
  • 安装依赖
pip3 install -r requirements.txt
  • 运行
python3 main.py --listen 0.0.0.0 --port 9000 --gpu-only
otal VRAM 24268 MB, total RAM 515638 MB
pytorch version: 2.0.1+cu117
WARNING[XFORMERS]: xFormers can't load C++/CUDA extensions. xFormers was built for:
    PyTorch 2.3.0+cu121 with CUDA 1201 (you have 2.0.1+cu117)
    Python  3.8.19 (you have 3.8.10)
  Please reinstall xformers (see https://github.com/facebookresearch/xformers#installing-xformers)
  Memory-efficient attention, SwiGLU, sparse and more won't be available.
  Set XFORMERS_MORE_DETAILS=1 for more details
Set vram state to: HIGH_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3090 : cudaMallocAsync
VAE dtype: torch.bfloat16
Using pytorch cross attention

Import times for custom nodes:
   0.0 seconds: /workspace/code/github/ComfyUI/custom_nodes/websocket_image_save.py

Starting server

To see the GUI go to: http://0.0.0.0:9000

在这里插入图片描述

插进节点下载

  • install-node.sh
root_path=/workspace/code/github/ComfyUI
cd $root_path/custom_nodes && git clone https://github.com/ltdrdata/ComfyUI-Manager.git
cd $root_path/custom_nodes && git clone https://github.com/ltdrdata/ComfyUI-Impact-Pack && cd ComfyUI-Impact-Pack && python install.py
cd $root_path/custom_nodes && git clone https://github.com/ltdrdata/ComfyUI-Inspire-Pack && cd ComfyUI-Inspire-Pack && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/Fannovel16/ComfyUI-Frame-Interpolation && cd ComfyUI-Frame-Interpolation && python install.py
cd $root_path/custom_nodes && git clone https://github.com/Fannovel16/ComfyUI-Video-Matting && cd ComfyUI-Video-Matting && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/BlenderNeko/ComfyUI_Cutoff
cd $root_path/custom_nodes && git clone https://github.com/WASasquatch/PPF_Noise_ComfyUI && cd PPF_Noise_ComfyUI && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/WASasquatch/PowerNoiseSuite && cd PowerNoiseSuite && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/Jordach/comfy-plasma
cd $root_path/custom_nodes && git clone https://github.com/Suzie1/ComfyUI_Comfyroll_CustomNodes
cd $root_path/custom_nodes && git clone https://github.com/space-nuko/ComfyUI-OpenPose-Editor
cd $root_path/custom_nodes && git clone https://github.com/twri/sdxl_prompt_styler
cd $root_path/custom_nodes && git clone https://github.com/Kosinkadink/ComfyUI-AnimateDiff-Evolved
cd $root_path/custom_nodes && git clone https://github.com/AIrjen/OneButtonPrompt
cd $root_path/custom_nodes && git clone https://github.com/WASasquatch/was-node-suite-comfyui && cd was-node-suite-comfyui && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/cubiq/ComfyUI_essentials
# cd $root_path/custom_nodes && git clone https://github.com/crystian/ComfyUI-Crystools && cd ComfyUI-Crystools && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/ssitu/ComfyUI_UltimateSDUpscale --recursive
# cd $root_path/custom_nodes && git clone https://github.com/gokayfem/ComfyUI_VLM_nodes && cd ComfyUI_VLM_nodes && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/Fannovel16/comfyui_controlnet_aux && cd comfyui_controlnet_aux && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/Stability-AI/stability-ComfyUI-nodes && cd stability-ComfyUI-nodes && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/jags111/efficiency-nodes-comfyui && cd efficiency-nodes-comfyui && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/Kosinkadink/ComfyUI-VideoHelperSuite && cd ComfyUI-VideoHelperSuite && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/pythongosssss/ComfyUI-Custom-Scripts
cd $root_path/custom_nodes && git clone https://github.com/WASasquatch/FreeU_Advanced
cd $root_path/custom_nodes && git clone https://github.com/city96/SD-Advanced-Noise
cd $root_path/custom_nodes && git clone https://github.com/kadirnar/ComfyUI_Custom_Nodes_AlekPet
cd $root_path/custom_nodes && git clone https://github.com/sipherxyz/comfyui-art-venture && cd comfyui-art-venture && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/evanspearman/ComfyMath && cd ComfyMath && pip install -r requirements.txt 
# cd $root_path/custom_nodes && git clone https://github.com/Gourieff/comfyui-reactor-node && cd comfyui-reactor-node && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/rgthree/rgthree-comfy && cd rgthree-comfy && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/giriss/comfy-image-saver && cd comfy-image-saver && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/gokayfem/ComfyUI-Depth-Visualization && cd ComfyUI-Depth-Visualization && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/kohya-ss/ControlNet-LLLite-ComfyUI
cd $root_path/custom_nodes && git clone https://github.com/gokayfem/ComfyUI-Dream-Interpreter && cd ComfyUI-Dream-Interpreter && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/cubiq/ComfyUI_IPAdapter_plus
cd $root_path/custom_nodes && git clone https://github.com/Kosinkadink/ComfyUI-Advanced-ControlNet && cd ComfyUI-Advanced-ControlNet && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/Acly/comfyui-inpaint-nodes 
cd $root_path/custom_nodes && git clone https://github.com/chflame163/ComfyUI_LayerStyle  && cd ComfyUI_LayerStyle && pip install -r requirements.txt 
# cd $root_path/custom_nodes && git clone https://github.com/omar92/ComfyUI-QualityOfLifeSuit_Omar92
cd $root_path/custom_nodes && git clone https://github.com/Derfuu/Derfuu_ComfyUI_ModdedNodes
cd $root_path/custom_nodes && git clone https://github.com/EllangoK/ComfyUI-post-processing-nodes
# cd $root_path/custom_nodes && git clone https://github.com/jags111/ComfyUI_Jags_VectorMagic
cd $root_path/custom_nodes && git clone https://github.com/melMass/comfy_mtb  && cd comfy_mtb && pip install -r requirements.txt 
# cd $root_path/custom_nodes && git clone https://github.com/AuroBit/ComfyUI-OOTDiffusion  && cd ComfyUI-OOTDiffusion && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/kijai/ComfyUI-KJNodes && cd ComfyUI-KJNodes && pip install -r requirements.txt 
cd $root_path/custom_nodes && git clone https://github.com/kijai/ComfyUI-SUPIR && cd ComfyUI-SUPIR && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/kijai/ComfyUI-depth-fm && cd ComfyUI-depth-fm && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/viperyl/ComfyUI-BiRefNet && cd ComfyUI-BiRefNet && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/gokayfem/ComfyUI-Texture-Simple
cd $root_path/custom_nodes && git clone https://github.com/ZHO-ZHO-ZHO/ComfyUI-APISR && cd ComfyUI-APISR && pip install -r requirements.txt
cd $root_path/custom_nodes && git clone https://github.com/pythongosssss/ComfyUI-WD14-Tagger.git && cd ComfyUI-WD14-Tagger && pip install -r requirements.txt

模型下载

  • install-model.sh
# wd tagger
wget -c -P custom_nodes/ComfyUI-WD14-Tagger/models/wd-v1-4-moat-tagger-v2.onnx https://huggingface.co/SmilingWolf/wd-v1-4-moat-tagger-v2/resolve/main/model.onnx?download=true
wget -c -P custom_nodes/ComfyUI-WD14-Tagger/models/wd-v1-4-moat-tagger-v2.csv https://huggingface.co/SmilingWolf/wd-v1-4-moat-tagger-v2/resolve/main/selected_tags.csv?download=true

# dreamshaper
wget -c -P models/checkpoints/dreamshaper_8.safetensors https://huggingface.co/autismanon/modeldump/resolve/main/dreamshaper_8.safetensors?download=true
# upscale_models
wget -c -P models/upscale_models/RealESRGAN_x2plus.pth https://huggingface.co/dtarnow/UPscaler/resolve/main/RealESRGAN_x2plus.pth?download=true
# sv3d
wget -c -P models/checkpoints/sv3d_p.safetensors https://huggingface.co/stabilityai/sv3d/resolve/main/sv3d_p.safetensors?download=true
# 
wget -c -P models/rembg/u2net.onnx https://huggingface.co/tomjackson2023/rembg/resolve/main/u2net.onnx?download=true
wget -c -P models/sams/sam_vit_b_01ec64.pth https://huggingface.co/spaces/jbrinkma/segment-anything/resolve/main/sam_vit_b_01ec64.pth?download=true
wget -c -P models/ultralytics/segm/person_yolov8m-seg.pt https://huggingface.co/Bingsu/adetailer/resolve/main/person_yolov8m-seg.pt?download=true
wget -c -P models/ultralytics/bbox/face_yolov8m.pt https://huggingface.co/Bingsu/adetailer/resolve/main/face_yolov8m.pt?download=true
wget -c -P models/ultralytics/bbox/hand_yolov8s.pt https://huggingface.co/Bingsu/adetailer/resolve/main/hand_yolov8s.pt?download=true

# loras
# animatediff
wget -c -P models/loras/SD1.5/animatediff/AnimateLCM_sd15_t2v.ckpt https://huggingface.co/wangfuyun/AnimateLCM/resolve/main/AnimateLCM_sd15_t2v.ckpt?download=true
wget -c -P models/loras/SD1.5/animatediff/AnimateLCM_sd15_t2v_lora.safetensors https://huggingface.co/wangfuyun/AnimateLCM/resolve/main/AnimateLCM_sd15_t2v_lora.safetensors?download=trues
wget -c -P custom_nodes/ComfyUI-AnimateDiff-Evolved/models/AnimateLCM_sd15_t2v.ckpt https://huggingface.co/wangfuyun/AnimateLCM/resolve/main/AnimateLCM_sd15_t2v.ckpt?download=true
# wget -c https://huggingface.co/hotshotco/Hotshot-XL/resolve/main/hsxl_temporal_layers.f16.safetensors -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/ 
# wget -c https://huggingface.co/hotshotco/SDXL-512/resolve/main/hsxl_base_1.0.f16.safetensors -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/mm_sd_v15.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/mm_sd_v15_v2.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v3_sd15_mm.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v3_sd15_sparsectrl_rgb.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v3_sd15_sparsectrl_scribble.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/ 
# wget -c https://huggingface.co/ByteDance/AnimateDiff-Lightning/resolve/main/animatediff_lightning_8step_comfyui.safetensors -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/  
# wget -c https://huggingface.co/ByteDance/AnimateDiff-Lightning/resolve/main/animatediff_lightning_4step_comfyui.safetensors -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/
# wget -c https://huggingface.co/ByteDance/AnimateDiff-Lightning/resolve/main/animatediff_lightning_2step_comfyui.safetensors -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/
# wget -c https://huggingface.co/ByteDance/AnimateDiff-Lightning/resolve/main/animatediff_lightning_1step_comfyui.safetensors -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/models/
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v2_lora_PanLeft.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v2_lora_PanRight.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v2_lora_RollingAnticlockwise.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v2_lora_RollingClockwise.ckpt  -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v2_lora_TiltDown.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v2_lora_TiltUp.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v2_lora_ZoomIn.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v2_lora_ZoomOut.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/guoyww/animatediff/resolve/main/v3_sd15_adapter.ckpt -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/ArtGAN/Controlnet/resolve/main/StopMotionAnimation.safetensors -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 
# wget -c https://huggingface.co/ArtGAN/Controlnet/resolve/main/shatterAnimatediff_v10.safetensors -P ./custom_nodes/ComfyUI-AnimateDiff-Evolved/motion_lora/ 

# controlnet
# https://huggingface.co/comfyanonymous/ControlNet-v1-1_fp16_safetensors/tree/main#/
wget -c -P models/controlnet/control_v11f1p_sd15_depth_fp16.safetensors https://huggingface.co/comfyanonymous/ControlNet-v1-1_fp16_safetensors/resolve/main/control_v11f1p_sd15_depth_fp16.safetensors 
wget -c -P models/controlnet/control_v11p_sd15_lineart_fp16.safetensors https://huggingface.co/comfyanonymous/ControlNet-v1-1_fp16_safetensors/resolve/main/control_v11p_sd15_lineart_fp16.safetensors
wget -c -P models/controlnet/control_v11f1e_sd15_tile_fp16.safetensors https://huggingface.co/comfyanonymous/ControlNet-v1-1_fp16_safetensors/resolve/main/control_v11f1e_sd15_tile_fp16.safetensors

# controlnet_aux
wget -c -P custom_nodes/comfyui_controlnet_aux/ckpts/LiheYoung/Depth-Anything/checkpoints/depth_anything_vitl14.pth https://huggingface.co/LiheYoung/depth_anything_vitl14/resolve/main/pytorch_model.bin?download=true
wget -c -P custom_nodes/comfyui_controlnet_aux/ckpts/lllyasviel/Annotators/sk_model.pth https://huggingface.co/lllyasviel/Annotators/resolve/main/sk_model.pth?download=true
wget -c -P custom_nodes/comfyui_controlnet_aux/ckpts/lllyasviel/Annotators/sk_model2.pth https://huggingface.co/lllyasviel/Annotators/resolve/main/sk_model2.pth?download=true


# CLIP Vision
wget -c -P models/clip_vision/CLIP-ViT-H-14-laion2B-s32B-b79K.safetensors https://huggingface.co/h94/IP-Adapter/resolve/main/models/image_encoder/model.safetensors

# ipadater
wget -c -P models/ipadapter/ip-adapter_sd15.safetensors https://huggingface.co/h94/IP-Adapter/resolve/main/models/ip-adapter_sd15.safetensors
wget -c -P models/ipadapter/ip-adapter_sd15_light_v11.bin https://huggingface.co/h94/IP-Adapter/resolve/main/models/ip-adapter_sd15_light_v11.bin
wget -c -P models/ipadapter/ip-adapter-c -Plus_sd15.safetensors https://huggingface.co/h94/IP-Adapter/resolve/main/models/ip-adapter-c -Plus_sd15.safetensors
wget -c -P models/ipadapter/ip-adapter-c -Plus-face_sd15.safetensors https://huggingface.co/h94/IP-Adapter/resolve/main/models/ip-adapter-c -Plus-face_sd15.safetensors
wget -c -P models/ipadapter/ip-adapter-full-face_sd15.safetensors https://huggingface.co/h94/IP-Adapter/resolve/main/models/ip-adapter-full-face_sd15.safetensors
wget -c -P models/ipadapter/ip-adapter_sd15_vit-G.safetensors https://huggingface.co/h94/IP-Adapter/resolve/main/models/ip-adapter_sd15_vit-G.safetensors


sv3d测试

{
  "last_node_id": 21,
  "last_link_id": 28,
  "nodes": [
    {
      "id": 14,
      "type": "VideoTriangleCFGGuidance",
      "pos": [
        390,
        90
      ],
      "size": {
        "0": 240,
        "1": 60
      },
      "flags": {},
      "order": 2,
      "mode": 0,
      "inputs": [
        {
          "name": "model",
          "type": "MODEL",
          "link": 23,
          "slot_index": 0
        }
      ],
      "outputs": [
        {
          "name": "MODEL",
          "type": "MODEL",
          "links": [
            16
          ],
          "shape": 3,
          "slot_index": 0
        }
      ],
      "properties": {
        "Node name for S&R": "VideoTriangleCFGGuidance"
      },
      "widgets_values": [
        1
      ]
    },
    {
      "id": 10,
      "type": "SV3D_Conditioning",
      "pos": [
        380,
        240
      ],
      "size": {
        "0": 250,
        "1": 170
      },
      "flags": {},
      "order": 3,
      "mode": 0,
      "inputs": [
        {
          "name": "clip_vision",
          "type": "CLIP_VISION",
          "link": 24,
          "slot_index": 0
        },
        {
          "name": "init_image",
          "type": "IMAGE",
          "link": 13,
          "slot_index": 1
        },
        {
          "name": "vae",
          "type": "VAE",
          "link": 25,
          "slot_index": 2
        }
      ],
      "outputs": [
        {
          "name": "positive",
          "type": "CONDITIONING",
          "links": [
            10
          ],
          "shape": 3,
          "slot_index": 0
        },
        {
          "name": "negative",
          "type": "CONDITIONING",
          "links": [
            11
          ],
          "shape": 3,
          "slot_index": 1
        },
        {
          "name": "latent",
          "type": "LATENT",
          "links": [
            18
          ],
          "shape": 3,
          "slot_index": 2
        }
      ],
      "properties": {
        "Node name for S&R": "SV3D_Conditioning"
      },
      "widgets_values": [
        576,
        576,
        21,
        0
      ]
    },
    {
      "id": 8,
      "type": "VAEDecode",
      "pos": [
        888,
        -109
      ],
      "size": {
        "0": 210,
        "1": 46
      },
      "flags": {},
      "order": 5,
      "mode": 0,
      "inputs": [
        {
          "name": "samples",
          "type": "LATENT",
          "link": 7
        },
        {
          "name": "vae",
          "type": "VAE",
          "link": 26
        }
      ],
      "outputs": [
        {
          "name": "IMAGE",
          "type": "IMAGE",
          "links": [
            27,
            28
          ],
          "slot_index": 0
        }
      ],
      "properties": {
        "Node name for S&R": "VAEDecode"
      }
    },
    {
      "id": 12,
      "type": "LoadImage",
      "pos": [
        -23,
        244
      ],
      "size": {
        "0": 315,
        "1": 314
      },
      "flags": {},
      "order": 0,
      "mode": 0,
      "outputs": [
        {
          "name": "IMAGE",
          "type": "IMAGE",
          "links": [
            13
          ],
          "shape": 3
        },
        {
          "name": "MASK",
          "type": "MASK",
          "links": null,
          "shape": 3
        }
      ],
      "properties": {
        "Node name for S&R": "LoadImage"
      },
      "widgets_values": [
        "captured_p (1).webp",
        "image"
      ]
    },
    {
      "id": 20,
      "type": "ImageOnlyCheckpointLoader",
      "pos": [
        -38,
        -68
      ],
      "size": {
        "0": 369.6000061035156,
        "1": 98
      },
      "flags": {},
      "order": 1,
      "mode": 0,
      "outputs": [
        {
          "name": "MODEL",
          "type": "MODEL",
          "links": [
            23
          ],
          "shape": 3,
          "slot_index": 0
        },
        {
          "name": "CLIP_VISION",
          "type": "CLIP_VISION",
          "links": [
            24
          ],
          "shape": 3,
          "slot_index": 1
        },
        {
          "name": "VAE",
          "type": "VAE",
          "links": [
            25,
            26
          ],
          "shape": 3,
          "slot_index": 2
        }
      ],
      "properties": {
        "Node name for S&R": "ImageOnlyCheckpointLoader"
      },
      "widgets_values": [
        "sv3d_p.safetensors"
      ]
    },
    {
      "id": 3,
      "type": "KSampler",
      "pos": [
        670,
        90
      ],
      "size": {
        "0": 315,
        "1": 262
      },
      "flags": {},
      "order": 4,
      "mode": 0,
      "inputs": [
        {
          "name": "model",
          "type": "MODEL",
          "link": 16
        },
        {
          "name": "positive",
          "type": "CONDITIONING",
          "link": 10
        },
        {
          "name": "negative",
          "type": "CONDITIONING",
          "link": 11
        },
        {
          "name": "latent_image",
          "type": "LATENT",
          "link": 18
        }
      ],
      "outputs": [
        {
          "name": "LATENT",
          "type": "LATENT",
          "links": [
            7
          ],
          "slot_index": 0
        }
      ],
      "properties": {
        "Node name for S&R": "KSampler"
      },
      "widgets_values": [
        523625528279418,
        "fixed",
        20,
        8,
        "dpmpp_2m",
        "karras",
        1
      ]
    },
    {
      "id": 9,
      "type": "SaveImage",
      "pos": [
        1688,
        -145
      ],
      "size": {
        "0": 291.955078125,
        "1": 422.0332946777344
      },
      "flags": {},
      "order": 6,
      "mode": 0,
      "inputs": [
        {
          "name": "images",
          "type": "IMAGE",
          "link": 27
        }
      ],
      "properties": {},
      "widgets_values": [
        "ComfyUI"
      ]
    },
    {
      "id": 21,
      "type": "SaveAnimatedWEBP",
      "pos": [
        1082,
        158
      ],
      "size": {
        "0": 560,
        "1": 530
      },
      "flags": {},
      "order": 7,
      "mode": 0,
      "inputs": [
        {
          "name": "images",
          "type": "IMAGE",
          "link": 28
        }
      ],
      "properties": {
        "Node name for S&R": "SaveAnimatedWEBP"
      },
      "widgets_values": [
        "ComfyUI",
        6,
        true,
        80,
        "default",
        null
      ]
    }
  ],
  "links": [
    [
      7,
      3,
      0,
      8,
      0,
      "LATENT"
    ],
    [
      10,
      10,
      0,
      3,
      1,
      "CONDITIONING"
    ],
    [
      11,
      10,
      1,
      3,
      2,
      "CONDITIONING"
    ],
    [
      13,
      12,
      0,
      10,
      1,
      "IMAGE"
    ],
    [
      16,
      14,
      0,
      3,
      0,
      "MODEL"
    ],
    [
      18,
      10,
      2,
      3,
      3,
      "LATENT"
    ],
    [
      23,
      20,
      0,
      14,
      0,
      "MODEL"
    ],
    [
      24,
      20,
      1,
      10,
      0,
      "CLIP_VISION"
    ],
    [
      25,
      20,
      2,
      10,
      2,
      "VAE"
    ],
    [
      26,
      20,
      2,
      8,
      1,
      "VAE"
    ],
    [
      27,
      8,
      0,
      9,
      0,
      "IMAGE"
    ],
    [
      28,
      8,
      0,
      21,
      0,
      "IMAGE"
    ]
  ],
  "groups": [],
  "config": {},
  "extra": {},
  "version": 0.4
}

在这里插入图片描述

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.coloradmin.cn/o/1814173.html

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈,一经查实,立即删除!

相关文章

码垛机性能的关键因素及优化策略

在工业自动化领域,码垛机以其高效、准确的特点,成为现代生产线上的得力助手。然而,要想充分发挥码垛机的性能优势,就必须深入了解影响其性能的关键因素,并针对性地制定优化策略。星派将为您详细解析码垛机性能的关键影…

数据仓库与数据挖掘实验练习题

练习题2 1. 使用超级英雄列表来填充一个新的 Series 对象。 2. 使用力量元组来填充一个新的 Series 对象。 3. 创建一个 Series,将超级英雄作为索引标签,力量等级作为值。将这个 Series 赋值给 heroes 变量。 4. 提取 heroes Series 的前两行。 5. 提取 …

程序员必备的职业素养:专业精神、沟通能力与持续学习

🍎个人博客:个人主页 🏆个人专栏:日常聊聊 ⛳️ 功不唐捐,玉汝于成 目录 前言 正文 专业精神:技术的执着追求 沟通能力:团队合作的桥梁 持续学习:不断进步的动力 结语 我的…

世优科技AI数字人多模态交互系统“世优波塔”正式发布

2024年6月6日,世优科技“波塔发布会”在北京举办,本次发布会上,世优科技以全新的“波塔”产品诠释了更高效、更智能、更全面的AI数字人产品及软硬件全场景解决方案,实现了世优品牌、产品和价值的全面跃迁。来自行业协会、数字产业…

商用车CAN数据数字化是促进生态环保高质量发展的桥梁纽带

在当今这个智能化、电动化、信息化、数字化快速发展的时代,其中数字化转型已经成为各行各业提升效率、优化管理的关键途径,21世纪这个被誉为“大数据时代”的纪元,数据的潜力、生产力、作为基础设施被无限放大,其在各个领域&#…

6-1RT-Thread事件集

6-1RT-Thread事件集 其中,一对多方式比较常见。一对多方式其线程与时间的关系又可分为特定时间触发唤醒线程,类似于逻辑非控制电路,灯泡亮灭,由一个开关就可以触发。 事件集中,任意事件触发唤醒线程类似于逻辑或控制电…

后继者00

题目链接 后继者 题目描述 注意点 题目中的树是二叉搜索树节点p在二叉搜索树中一定存在 解答思路 本题关键是找到值大于节点p的值的第一个节点,因为本题中的树是二叉搜索树,所以左子树的值始终小于根节点,右子树的值始终大于根节点访问到…

【画板案例-颜色 Objective-C语言】

一、接下来,我们来说这个颜色的问题, 1.设置这个颜色啊,那么,颜色,首先啊,就我们的示例程序而言,好,我们现在只要点击这个按钮, 就能够让某一条路径,也是达到不同的颜色, 我们可以让每一条路径,去设置颜色, 那么,这个颜色啊,首先,思路啊,大家先来分析一下, …

pytest中失败用例重跑

pip install pytest-rerunfailures 下载rerunfailures插件包 配置文件中加入命令 --reruns 次数 也可在命令行中pytest --rerun-failures2 可以在allure报告中看到重试效果

基于PID的直流电机自动控制系统的设计【MATLAB】

摘 要 本文在广泛查阅资料,了解直流电机特性的基础上,对直流电机的控制原理进行了的研究,设计了一款基于PID控制器的简单直流电机自动控制系统。 首先,分析了直流电机的应用背景和发展现状,对直流电机的工作原理和数学…

Linux系统之smem命令的基本使用

Linux系统之smem命令的基本使用 一、smem命令介绍二、smem命令的使用帮助2.1 smem命令的help帮助信息2.2 smem命令的语法解释 三、smem工具安装3.1 安装epel3.2 搜索smem包3.3 安装smem 四、smem命令的基本使用4.1 查看内存概览4.2 查看内存占用百分比4.3 查看系统内存使用情况…

FANUC机器人4种启动方式的区别

FANUC机器人4种启动方式的区别 1.初始化启动 执行初始化启动时,删除所有程序,所有设定返回标准值。 初始化启动完成时,自动执行控制启动。 说明: 执行初始化启动时,删除所有程序,所有设定返回标准值。初始化启动完成时,自动执行控制启动。执行初始化启动时,程序、设定等…

32+综述!百位大佬联袂解析“One Health”时代下新污染物对全球健康的影响

如果你关注环境健康,那么会发现以上研究发现层出不穷,新污染物正在“潜移默化”悄悄改变我们的个体健康和生存环境! 新污染物是全球经济快速发展的“产物”。例如,微塑料作为一种经常出现的新污染物,可作为载体传播和…

Pikachu靶场--暴力破解

实验前的准备 问题解决 PHPStudy(小皮)V8.1安装后启动Apache报错AH00526: Syntax error 【数据库连接问题】【靶场访问错误】 抓不到本地靶场包的原因及解决方法_pakachu抓不到包 设置代理 BP添加和选择代理 火狐浏览器-->设置-->拓展-->搜索…

臻奶惠的行业优势与市场竞争力解析

臻奶惠在智能售货机领域深耕多年,其加盟合作模式在行业中展现出了多方面的优势。以下是对该公司智能售货机加盟优势的深入分析: 技术先进性: 臻奶惠智能售货机以高度自动化的运营模式著称,特别是在自动补货、远程监控和数据分析…

Git仓库中文件的状态

0 Preface/Foreword 1 文件状态 文件包含以下4个状态: untracked,未跟踪,表示该文件在文件夹中,但是没有加入到git 仓库中进行版本管控。可以通过git add命令将该文件增加到git 仓库中。从untracked变为staged。unmodified&…

夏日炎炎,护牙不闲——口腔问诊小程序开发助你笑口常开

近年来,“口呼吸”、“牙齿矫正”、“美牙贴片”等词越来越多的出现在大众的视野中,口腔健康成为了人们关注的新热点。但是市面上的口腔诊所数量众多又参差不齐,如何选择最合适的口腔诊所是人们面对的新问题。为了有效解决这一现状&#xff0…

Linux命令详解(1)

在Linux操作系统中,命令行界面(CLI)是一个强大的工具,它允许用户通过键入命令来与系统交互。无论是系统管理员还是普通用户,掌握一些基本的Linux命令都是非常重要的。在本文中,我们将探讨一些常用的Linux命…

OCP-042之:Oracle实例管理

2. Oracle实例管理 2.1 Instance管理 Oracle实例(instance)是一组Oracle后台进程和内存结构的集合。 后台进程主要包括SMON,PMON,DBWR,CKPT和LGWR等;内存结构包括数据库高速缓冲区、重做日志缓冲区、共享池、大池等组成系统全局区(SGA)的重要组件。实例主要实现对数据库的…

【论文速读】| 通过大语言模型从协议实现中推断状态机

本次分享论文:Inferring State Machine from the Protocol Implementation via Large Language Model 基本信息 原文作者:Haiyang Wei, Zhengjie Du, Haohui Huang, Yue Liu, Guang Cheng, Linzhang Wang, Bing Mao 作者单位:南京大学&#…