本地部署 ComfyUI

本地部署 ComfyUI

  • [ComfyUI 介绍](#ComfyUI 介绍)
  • [ComfyUI Github 地址](#ComfyUI Github 地址)
  • [部署 ComfyUI](#部署 ComfyUI)
  • [配置模型地址 or 下载模型](#配置模型地址 or 下载模型)
  • [启动 ComfyUI](#启动 ComfyUI)
  • [访问 ComfyUI](#访问 ComfyUI)
  • 使用技巧
  • [安装 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.exampleextra_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

使用浏览器访问,

http://127.0.0.1:8188/

使用技巧

页面底部显示图片预览

单击 "图片" 图标,

改变连接线的格式


配置 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 目录下。

安装 AlekPet/ComfyUI_Custom_Nodes_AlekPet

安装 ComfyUI_IPAdapter_plus

完结!

相关推荐
HuggingFace11 天前
在 Hugging Face Spaces 上使用 Gradio 免费运行 ComfyUI 工作流
gradio·comfyui
RamendeusStudio12 天前
4.1-1 IS-NET-Pro视频转图片的插件
数据库·人工智能·gpt·音视频·stablediffusion·controlnet
RamendeusStudio16 天前
AI教我做事之RAG开发-21 RAGFlow深度研究
人工智能·ai·aigc·stablediffusion·controlnet·rag·ragflow
RamendeusStudio16 天前
5-29 有趣的指令Pix2Pix(P2P)
人工智能·gpt·ai·llm·stablediffusion·controlnet·ai agent
RamendeusStudio18 天前
5-26 黑白照片上色-Recolor
人工智能·gpt·ai·stablediffusion·controlnet
RamendeusStudio21 天前
5-27 临摹大师-IP-Adapter
人工智能·gpt·ai·stablediffusion·controlnet
打羽毛球吗️2 个月前
ComfyUI流程图生图原理详解
流程图·comfyui
打羽毛球吗️2 个月前
ComfyUI 安装教程:macOS 和 Linux 统一步骤
linux·macos·comfyui
曾小蛙2 个月前
【ComfyUI】python调用生图API,实现批量出图
图像生成·comfyui·comfyui-api
Bubbliiiing2 个月前
AIGC专栏18——EasyAnimateV5.1版本详解 应用Qwen2 VL作为文本编码器,支持轨迹控制与相机镜头控制
aigc·文生视频·comfyui·图生视频·easyanimate