本地部署 ComfyUI
- [ComfyUI 介绍](#ComfyUI 介绍)
- [ComfyUI Github 地址](#ComfyUI Github 地址)
- [部署 ComfyUI](#部署 ComfyUI)
- [配置模型地址 or 下载模型](#配置模型地址 or 下载模型)
- [启动 ComfyUI](#启动 ComfyUI)
- [访问 ComfyUI](#访问 ComfyUI)
- 使用技巧
-
- 页面底部显示图片预览
- 改变连接线的格式
- [配置 prompt 自动补全](#配置 prompt 自动补全)
- [安装 ComfyUI-Manager](#安装 ComfyUI-Manager)
- [安装 AIGODLIKE-COMFYUI-TRANSLATION](#安装 AIGODLIKE-COMFYUI-TRANSLATION)
- [安装 ComfyUI-Custom-Scripts](#安装 ComfyUI-Custom-Scripts)
- [安装 ComfyUI-WD14-Tagger](#安装 ComfyUI-WD14-Tagger)
- [安装 ComfyUI_NetDist](#安装 ComfyUI_NetDist)
- [安装 FreeU_Advanced](#安装 FreeU_Advanced)
- [安装 Efficiency Nodes](#安装 Efficiency Nodes)
- [安装 ComfyUI's ControlNet Auxiliary Preprocessors](#安装 ComfyUI's ControlNet Auxiliary Preprocessors)
- [安装 UltimateSDUpscale](#安装 UltimateSDUpscale)
- [安装 LCMSampler-ComfyUI](#安装 LCMSampler-ComfyUI)
- [安装 AlekPet/ComfyUI_Custom_Nodes_AlekPet](#安装 AlekPet/ComfyUI_Custom_Nodes_AlekPet)
- [安装 ComfyUI_IPAdapter_plus](#安装 ComfyUI_IPAdapter_plus)
ComfyUI 介绍
最强大、模块化的稳定扩散 GUI 和后端。
该用户界面将允许您使用基于图形/节点/流程图的界面设计和执行高级稳定扩散管道。
ComfyUI Github 地址
https://github.com/comfyanonymous/ComfyUI
部署 ComfyUI
克隆代码库,
git clone https://github.com/comfyanonymous/ComfyUI
cd ComfyUI
创建虚拟环境,
conda create -n comfyui python=3.10 -y
conda activate comfyui
使用 pip 安装 pytorch,
pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu121
# conda install -y -c "nvidia/label/cuda-12.1.0" cuda-runtime
验证 cuda 可用,
python -c "import torch;print(torch.cuda.is_available());"
使用 pip 安装依赖,
pip install -r requirements.txt
配置模型地址 or 下载模型
(1) 配置模型地址
拷贝 extra_model_paths.yaml.example
为 extra_model_paths.yaml
,
修改示例如下,E:/workspace/sd-webui-aki-v4.4
是你的 Stable Diffusion Web UI的地址,
a111:
base_path: E:/workspace/sd-webui-aki-v4.4
(2) 下载模型
将您的 SD checkpoints(巨大的 ckpt/safetensors 文件)放入:models/checkpoints
将您的 VAE 放入:models/vae
启动 ComfyUI
运行,
python main.py
访问 ComfyUI
使用浏览器访问,
使用技巧
页面底部显示图片预览
单击 "图片" 图标,
改变连接线的格式
配置 prompt 自动补全
安装 ComfyUI-Manager
cd ComfyUI
git clone https://github.com/ltdrdata/ComfyUI-Manager.git custom_nodes/ComfyUI-Manager
安装 AIGODLIKE-COMFYUI-TRANSLATION
git clone https://github.com/AIGODLIKE/AIGODLIKE-ComfyUI-Translation.git custom_nodes/AIGODLIKE-ComfyUI-Translation
或者,
安装 ComfyUI-Custom-Scripts
git clone https://github.com/pythongosssss/ComfyUI-Custom-Scripts custom_nodes/ComfyUI-Custom-Scripts
或者,
安装 ComfyUI-WD14-Tagger
https://github.com/pythongosssss/ComfyUI-WD14-Tagger
或者,
安装 ComfyUI_NetDist
pip install requests
git clone https://github.com/city96/ComfyUI_NetDist custom_nodes/ComfyUI_NetDist
配置参考如下,
安装 FreeU_Advanced
安装 Efficiency Nodes
作者不在继续维护这个 repo 了
pip install simpleeval
安装 ComfyUI's ControlNet Auxiliary Preprocessors
测试结果,
安装 UltimateSDUpscale
配置示例,
安装 LCMSampler-ComfyUI
下载 lcm-lora 权重,有 3 个 lora,分别对应不同的 base model,文件名都是 'pytorch_lora_weights.safetensors",需要修改为不同的名称。
保存到 models\Lora
目录下。
- https://huggingface.co/latent-consistency/lcm-lora-ssd-1b/tree/main
- https://huggingface.co/latent-consistency/lcm-lora-sdxl/tree/main
- https://huggingface.co/latent-consistency/lcm-lora-sdv1-5/tree/main
安装 AlekPet/ComfyUI_Custom_Nodes_AlekPet
安装 ComfyUI_IPAdapter_plus
完结!