相关地址
环境准备
+-----------------------------------------------------------------------------+
| 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
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
插进节点下载
root_path = /workspace/code/github/ComfyUI
cd 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
模型下载
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
wget -c -P models/checkpoints/dreamshaper_8.safetensors https://huggingface.co/autismanon/modeldump/resolve/main/dreamshaper_8.safetensors?download= true
wget -c -P models/upscale_models/RealESRGAN_x2plus.pth https://huggingface.co/dtarnow/UPscaler/resolve/main/RealESRGAN_x2plus.pth?download= true
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
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 -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
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
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
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