🚀 T2I-Adapter-SDXL - Sketch
T2I Adapter是一個為穩定擴散模型提供額外條件的網絡。每個T2I檢查點接收不同類型的條件作為輸入,並與特定的基礎穩定擴散檢查點一起使用。
此檢查點為StableDiffusionXL檢查點提供草圖條件。這是騰訊ARC和Hugging Face的合作成果。
📚 詳細文檔
模型詳情
-
開發者:T2I-Adapter: Learning Adapters to Dig out More Controllable Ability for Text-to-Image Diffusion Models
-
模型類型:基於擴散的文本到圖像生成模型
-
語言:英語
-
許可證:Apache 2.0
-
更多信息資源:GitHub倉庫,論文。
-
模型複雜度:
| | SD-V1.4/1.5 | SD-XL | T2I-Adapter | T2I-Adapter-SDXL |
| --- | --- | --- | --- | --- |
| 參數 | 8.6億 | 26億 | 7700萬 | 7700萬/7900萬 |
-
引用方式:
@misc{
title={T2I-Adapter: Learning Adapters to Dig out More Controllable Ability for Text-to-Image Diffusion Models},
author={Chong Mou, Xintao Wang, Liangbin Xie, Yanze Wu, Jian Zhang, Zhongang Qi, Ying Shan, Xiaohu Qie},
year={2023},
eprint={2302.08453},
archivePrefix={arXiv},
primaryClass={cs.CV}
}
檢查點
演示
在Doodly Space中使用你自己的手繪草圖/塗鴉來試用該模型!

💻 使用示例
基礎用法
首先,安裝所需的依賴項:
pip install -U git+https://github.com/huggingface/diffusers.git
pip install -U controlnet_aux==0.0.7
pip install transformers accelerate safetensors
操作步驟如下:
- 首先將圖像下載為合適的控制圖像格式。
- 將控制圖像和提示詞傳遞給
StableDiffusionXLAdapterPipeline
。
讓我們來看一個使用Canny Adapter的簡單示例。
依賴項
from diffusers import StableDiffusionXLAdapterPipeline, T2IAdapter, EulerAncestralDiscreteScheduler, AutoencoderKL
from diffusers.utils import load_image, make_image_grid
from controlnet_aux.pidi import PidiNetDetector
import torch
adapter = T2IAdapter.from_pretrained(
"TencentARC/t2i-adapter-sketch-sdxl-1.0", torch_dtype=torch.float16, varient="fp16"
).to("cuda")
model_id = 'stabilityai/stable-diffusion-xl-base-1.0'
euler_a = EulerAncestralDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
vae=AutoencoderKL.from_pretrained("madebyollin/sdxl-vae-fp16-fix", torch_dtype=torch.float16)
pipe = StableDiffusionXLAdapterPipeline.from_pretrained(
model_id, vae=vae, adapter=adapter, scheduler=euler_a, torch_dtype=torch.float16, variant="fp16",
).to("cuda")
pipe.enable_xformers_memory_efficient_attention()
pidinet = PidiNetDetector.from_pretrained("lllyasviel/Annotators").to("cuda")
條件圖像
url = "https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/org_sketch.png"
image = load_image(url)
image = pidinet(
image, detect_resolution=1024, image_resolution=1024, apply_filter=True
)

生成圖像
prompt = "a robot, mount fuji in the background, 4k photo, highly detailed"
negative_prompt = "extra digit, fewer digits, cropped, worst quality, low quality, glitch, deformed, mutated, ugly, disfigured"
gen_images = pipe(
prompt=prompt,
negative_prompt=negative_prompt,
image=image,
num_inference_steps=30,
adapter_conditioning_scale=0.9,
guidance_scale=7.5,
).images[0]
gen_images.save('out_sketch.png')

訓練
我們的訓練腳本基於我們在此處提供的官方訓練腳本構建。
該模型在來自LAION-Aesthetics V2的300萬高分辨率圖像 - 文本對上進行訓練,訓練參數如下:
- 訓練步數:20000
- 批量大小:數據並行,單GPU批量大小為
16
,總批量大小為256
。
- 學習率:恆定學習率
1e-5
。
- 混合精度:fp16
📄 許可證
本模型使用的許可證為Apache 2.0。