🚀 BRIA 2.3 ControlNet Canny模型卡片
BRIA 2.3 ControlNet-Canny模型基於BRIA 2.3文本到圖像模型訓練而成,它能夠依據文本提示和輸入圖像提取的邊緣圖,生成高質量的圖像。這使得用戶可以創建具有相同幾何結構的不同圖像變體。
BRIA 2.3模型是完全基於我們尊貴數據合作伙伴的授權數據從頭開始訓練的。因此,該模型可安全用於商業用途,並對版權和隱私侵權以及有害內容的緩解提供全面的法律責任保障。也就是說,我們的數據集不包含受版權保護的材料,如虛構角色、標誌、商標、公眾人物、有害內容或侵犯隱私的內容。
加入我們的Discord社區,獲取更多信息、教程、工具,並與其他用戶交流!

✨ 主要特性
- 基於BRIA 2.3文本到圖像模型訓練,可根據文本提示和邊緣圖生成高質量圖像。
- 使用授權數據訓練,可安全用於商業用途,提供法律責任保障。
📦 安裝指南
pip install diffusers
💻 使用示例
基礎用法
from diffusers import ControlNetModel, StableDiffusionXLControlNetPipeline
import torch
import cv2
import numpy as np
from PIL import Image
from diffusers.utils import load_image
controlnet = ControlNetModel.from_pretrained(
"briaai/BRIA-2.3-ControlNet-Canny",
torch_dtype=torch.float16
)
pipe = StableDiffusionXLControlNetPipeline.from_pretrained(
"briaai/BRIA-2.3",
controlnet=controlnet,
torch_dtype=torch.float16,
)
pipe.to("cuda")
prompt = "A portrait of a Beautiful and playful ethereal singer, golden designs, highly detailed, blurry background"
negative_prompt = "Logo,Watermark,Text,Ugly,Morbid,Extra fingers,Poorly drawn hands,Mutation,Blurry,Extra limbs,Gross proportions,Missing arms,Mutated hands,Long neck,Duplicate,Mutilated,Mutilated hands,Poorly drawn face,Deformed,Bad anatomy,Cloned face,Malformed limbs,Missing legs,Too many fingers"
input_image = load_image(
"https://hf.co/datasets/huggingface/documentation-images/resolve/main/diffusers/input_image_vermeer.png"
)
input_image = np.array(input_image)
low_threshold, high_threshold = 100, 200
input_image = cv2.Canny(input_image, low_threshold, high_threshold)
input_image = input_image[:, :, None]
input_image = np.concatenate([input_image, input_image, input_image], axis=2)
canny_image = Image.fromarray(input_image)
image = pipe(prompt=prompt, negative_prompt=negative_prompt, image=canny_image, controlnet_conditioning_scale=1.0, height=1024, width=1024).images[0]
📚 詳細文檔
模型描述
屬性 |
詳情 |
開發方 |
BRIA AI |
模型類型 |
用於潛在擴散的ControlNet |
許可證 |
bria-2.3 |
模型描述 |
用於BRIA 2.3文本到圖像模型的ControlNet Canny。該模型根據文本和條件圖像的邊緣圖生成圖像。 |
更多信息資源 |
BRIA AI |
獲取訪問權限
BRIA 2.3 ControlNet-Canny需要訪問BRIA 2.3文本到圖像模型。更多信息,請點擊此處。
📄 許可證
本模型使用的許可證為 bria-2.3。此模型權重由BRIA AI提供,需在達成商業許可協議後獲取。請填寫以下表格,我們會與您聯繫。