Model Overview
Model Features
Model Capabilities
Use Cases
๐ Controlnet - v1.1 - seg Version
ControlNet v1.1 is a neural network structure that enhances diffusion models by incorporating additional conditions. It can be used in conjunction with Stable Diffusion to generate high - quality images based on specific input conditions, such as segmentation maps.
๐ Quick Start
ControlNet v1.1 is the successor model of Controlnet v1.0 and was released in lllyasviel/ControlNet-v1-1 by Lvmin Zhang.
This checkpoint is a conversion of the original checkpoint into diffusers
format. It can be used in combination with Stable Diffusion, such as runwayml/stable-diffusion-v1-5.
For more details, please also have a look at the ๐งจ Diffusers docs.
ControlNet is a neural network structure to control diffusion models by adding extra conditions.
This checkpoint corresponds to the ControlNet conditioned on seg images.
โจ Features
- Extra Condition Control: ControlNet is a neural network structure that controls diffusion models by adding extra conditions.
- Compatibility: It can be used in combination with Stable Diffusion, such as runwayml/stable-diffusion-v1-5.
- Multiple Input Conditions: Large diffusion models like Stable Diffusion can be augmented with ControlNets to enable conditional inputs like edge maps, segmentation maps, keypoints, etc.
๐ฆ Installation
- Let's install
diffusers
and related packages:
$ pip install diffusers transformers accelerate
๐ป Usage Examples
Basic Usage
It is recommended to use the checkpoint with Stable Diffusion v1 - 5 as the checkpoint has been trained on it. Experimentally, the checkpoint can be used with other diffusion models such as dreamboothed stable diffusion.
Note: If you want to process an image to create the auxiliary conditioning, external dependencies are required as shown below:
- Define a color table:
import numpy as np
ada_palette = np.asarray([
[0, 0, 0],
[120, 120, 120],
[180, 120, 120],
[6, 230, 230],
[80, 50, 50],
[4, 200, 3],
[120, 120, 80],
[140, 140, 140],
[204, 5, 255],
[230, 230, 230],
[4, 250, 7],
[224, 5, 255],
[235, 255, 7],
[150, 5, 61],
[120, 120, 70],
[8, 255, 51],
[255, 6, 82],
[143, 255, 140],
[204, 255, 4],
[255, 51, 7],
[204, 70, 3],
[0, 102, 200],
[61, 230, 250],
[255, 6, 51],
[11, 102, 255],
[255, 7, 71],
[255, 9, 224],
[9, 7, 230],
[220, 220, 220],
[255, 9, 92],
[112, 9, 255],
[8, 255, 214],
[7, 255, 224],
[255, 184, 6],
[10, 255, 71],
[255, 41, 10],
[7, 255, 255],
[224, 255, 8],
[102, 8, 255],
[255, 61, 6],
[255, 194, 7],
[255, 122, 8],
[0, 255, 20],
[255, 8, 41],
[255, 5, 153],
[6, 51, 255],
[235, 12, 255],
[160, 150, 20],
[0, 163, 255],
[140, 140, 140],
[250, 10, 15],
[20, 255, 0],
[31, 255, 0],
[255, 31, 0],
[255, 224, 0],
[153, 255, 0],
[0, 0, 255],
[255, 71, 0],
[0, 235, 255],
[0, 173, 255],
[31, 0, 255],
[11, 200, 200],
[255, 82, 0],
[0, 255, 245],
[0, 61, 255],
[0, 255, 112],
[0, 255, 133],
[255, 0, 0],
[255, 163, 0],
[255, 102, 0],
[194, 255, 0],
[0, 143, 255],
[51, 255, 0],
[0, 82, 255],
[0, 255, 41],
[0, 255, 173],
[10, 0, 255],
[173, 255, 0],
[0, 255, 153],
[255, 92, 0],
[255, 0, 255],
[255, 0, 245],
[255, 0, 102],
[255, 173, 0],
[255, 0, 20],
[255, 184, 184],
[0, 31, 255],
[0, 255, 61],
[0, 71, 255],
[255, 0, 204],
[0, 255, 194],
[0, 255, 82],
[0, 10, 255],
[0, 112, 255],
[51, 0, 255],
[0, 194, 255],
[0, 122, 255],
[0, 255, 163],
[255, 153, 0],
[0, 255, 10],
[255, 112, 0],
[143, 255, 0],
[82, 0, 255],
[163, 255, 0],
[255, 235, 0],
[8, 184, 170],
[133, 0, 255],
[0, 255, 92],
[184, 0, 255],
[255, 0, 31],
[0, 184, 255],
[0, 214, 255],
[255, 0, 112],
[92, 255, 0],
[0, 224, 255],
[112, 224, 255],
[70, 184, 160],
[163, 0, 255],
[153, 0, 255],
[71, 255, 0],
[255, 0, 163],
[255, 204, 0],
[255, 0, 143],
[0, 255, 235],
[133, 255, 0],
[255, 0, 235],
[245, 0, 255],
[255, 0, 122],
[255, 245, 0],
[10, 190, 212],
[214, 255, 0],
[0, 204, 255],
[20, 0, 255],
[255, 255, 0],
[0, 153, 255],
[0, 41, 255],
[0, 255, 204],
[41, 0, 255],
[41, 255, 0],
[173, 0, 255],
[0, 245, 255],
[71, 0, 255],
[122, 0, 255],
[0, 255, 184],
[0, 92, 255],
[184, 255, 0],
[0, 133, 255],
[255, 214, 0],
[25, 194, 194],
[102, 255, 0],
[92, 0, 255],
])
- Run code:
import torch
import os
from huggingface_hub import HfApi
from pathlib import Path
from diffusers.utils import load_image
from PIL import Image
import numpy as np
from transformers import AutoImageProcessor, UperNetForSemanticSegmentation
from diffusers import (
ControlNetModel,
StableDiffusionControlNetPipeline,
UniPCMultistepScheduler,
)
image_processor = AutoImageProcessor.from_pretrained("openmmlab/upernet-convnext-small")
image_segmentor = UperNetForSemanticSegmentation.from_pretrained("openmmlab/upernet-convnext-small")
checkpoint = "lllyasviel/control_v11p_sd15_seg"
image = load_image(
"https://huggingface.co/lllyasviel/control_v11p_sd15_seg/resolve/main/images/input.png"
)
prompt = "old house in stormy weather with rain and wind"
pixel_values = image_processor(image, return_tensors="pt").pixel_values
with torch.no_grad():
outputs = image_segmentor(pixel_values)
seg = image_processor.post_process_semantic_segmentation(outputs, target_sizes=[image.size[::-1]])[0]
color_seg = np.zeros((seg.shape[0], seg.shape[1], 3), dtype=np.uint8) # height, width, 3
for label, color in enumerate(ada_palette):
color_seg[seg == label, :] = color
color_seg = color_seg.astype(np.uint8)
control_image = Image.fromarray(color_seg)
control_image.save("./images/control.png")
controlnet = ControlNetModel.from_pretrained(checkpoint, torch_dtype=torch.float16)
pipe = StableDiffusionControlNetPipeline.from_pretrained(
"runwayml/stable-diffusion-v1-5", controlnet=controlnet, torch_dtype=torch.float16
)
pipe.scheduler = UniPCMultistepScheduler.from_config(pipe.scheduler.config)
pipe.enable_model_cpu_offload()
generator = torch.manual_seed(0)
image = pipe(prompt, num_inference_steps=30, generator=generator, image=control_image).images[0]
image.save('images/image_out.png')
๐ Documentation
Model Details
Property | Details |
---|---|
Developed by | Lvmin Zhang, Maneesh Agrawala |
Model Type | Diffusion-based text-to-image generation model |
Language(s) | English |
License | The CreativeML OpenRAIL M license is an Open RAIL M license, adapted from the work that BigScience and the RAIL Initiative are jointly carrying in the area of responsible AI licensing. See also the article about the BLOOM Open RAIL license on which our license is based. |
Resources for more information | GitHub Repository, Paper. |
Cite as | @misc{zhang2023adding, title={Adding Conditional Control to Text-to-Image Diffusion Models}, author={Lvmin Zhang and Maneesh Agrawala}, year={2023}, eprint={2302.05543}, archivePrefix={arXiv}, primaryClass={cs.CV} } |
Introduction
Controlnet was proposed in Adding Conditional Control to Text-to-Image Diffusion Models by Lvmin Zhang, Maneesh Agrawala.
The abstract reads as follows:
We present a neural network structure, ControlNet, to control pretrained large diffusion models to support additional input conditions. The ControlNet learns task-specific conditions in an end-to-end way, and the learning is robust even when the training dataset is small (< 50k). Moreover, training a ControlNet is as fast as fine-tuning a diffusion model, and the model can be trained on a personal devices. Alternatively, if powerful computation clusters are available, the model can scale to large amounts (millions to billions) of data. We report that large diffusion models like Stable Diffusion can be augmented with ControlNets to enable conditional inputs like edge maps, segmentation maps, keypoints, etc. This may enrich the methods to control large diffusion models and further facilitate related applications.
Other released checkpoints v1 - 1
The authors released 14 different checkpoints, each trained with Stable Diffusion v1 - 5 on a different type of conditioning:
Model Name | Control Image Overview | Condition Image | Control Image Example | Generated Image Example |
---|---|---|---|---|
lllyasviel/control_v11p_sd15_canny |
Trained with canny edge detection | A monochrome image with white edges on a black background. | ![]() |
![]() |
lllyasviel/control_v11e_sd15_ip2p |
Trained with pixel to pixel instruction | No condition . | ![]() |
![]() |
lllyasviel/control_v11p_sd15_inpaint |
Trained with image inpainting | No condition. | ![]() |
![]() |
lllyasviel/control_v11p_sd15_mlsd |
Trained with multi-level line segment detection | An image with annotated line segments. | ![]() |
![]() |
lllyasviel/control_v11f1p_sd15_depth |
Trained with depth estimation | An image with depth information, usually represented as a grayscale image. | ![]() |
![]() |
lllyasviel/control_v11p_sd15_normalbae |
Trained with surface normal estimation | An image with surface normal information, usually represented as a color-coded image. | ![]() |
![]() |
lllyasviel/control_v11p_sd15_seg |
Trained with image segmentation | An image with segmented regions, usually represented as a color-coded image. | ![]() |
![]() |
lllyasviel/control_v11p_sd15_lineart |
Trained with line art generation | An image with line art, usually black lines on a white background. | ![]() |
![]() |
lllyasviel/control_v11p_sd15s2_lineart_anime |
Trained with anime line art generation | An image with anime-style line art. | ![]() |
![]() |
lllyasviel/control_v11p_sd15_openpose |
Trained with human pose estimation | An image with human poses, usually represented as a set of keypoints or skeletons. | ![]() |
![]() |
lllyasviel/control_v11p_sd15_scribble |
Trained with scribble-based image generation | An image with scribbles, usually random or user-drawn strokes. | ![]() |
![]() |
lllyasviel/control_v11p_sd15_softedge |
Trained with soft edge image generation | An image with soft edges, usually to create a more painterly or artistic effect. | ![]() |
![]() |
lllyasviel/control_v11e_sd15_shuffle |
Trained with image shuffling | An image with shuffled patches or regions. | ![]() |
![]() |
lllyasviel/control_v11f1e_sd15_tile |
Trained with image tiling | A blurry image or part of an image . | ![]() |
![]() |
Improvements in Segmentation 1.1
- COCO protocol support: The previous Segmentation 1.0 supports about 150 colors, but Segmentation 1.1 supports another 182 colors from coco.
- Backward compatibility: Resumed from Segmentation 1.0. All previous inputs should still work.
More information
For more information, please also have a look at the Diffusers ControlNet Blog Post and have a look at the official docs.
๐ License
The model is released under The CreativeML OpenRAIL M license, which is an Open RAIL M license, adapted from the work that BigScience and the RAIL Initiative are jointly carrying in the area of responsible AI licensing. See also the article about the BLOOM Open RAIL license on which our license is based.