license: openrail
base_model: runwayml/stable-diffusion-v1-5
tags:
- art
- controlnet
- stable-diffusion
Controlnet - v1.1 - Canny Version
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 Canny edges.
Model 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.
Example
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:
- Install opencv:
$ pip install opencv-contrib-python
- Let's install
diffusers
and related packages:
$ pip install diffusers transformers accelerate
- Run code:
import torch
import os
from huggingface_hub import HfApi
from pathlib import Path
from diffusers.utils import load_image
import numpy as np
import cv2
from PIL import Image
from diffusers import (
ControlNetModel,
StableDiffusionControlNetPipeline,
UniPCMultistepScheduler,
)
checkpoint = "ControlNet-1-1-preview/control_v11p_sd15_canny"
image = load_image(
"https://huggingface.co/ControlNet-1-1-preview/control_v11p_sd15_canny/resolve/main/images/input.png"
)
image = np.array(image)
low_threshold = 100
high_threshold = 200
image = cv2.Canny(image, low_threshold, high_threshold)
image = image[:, :, None]
image = np.concatenate([image, image, image], axis=2)
control_image = Image.fromarray(image)
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(33)
image = pipe("a blue paradise bird in the jungle", num_inference_steps=20, generator=generator, image=control_image).images[0]
image.save('images/image_out.png')
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 | 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_v11p_sd15_mlsd Trained with Midas depth estimation |
A grayscale image with black representing deep areas and white representing shallow areas. | ||
lllyasviel/control_v11p_sd15_depth Trained with HED edge detection (soft edge) |
A monochrome image with white soft edges on a black background. | ||
lllyasviel/control_v11p_sd15_normalbae Trained with M-LSD line detection |
A monochrome image composed only of white straight lines on a black background. | ||
lllyasviel/control_v11p_sd15_inpaint Trained with normal map |
A normal mapped image. | ||
lllyasviel/control_v11p_sd15_lineart Trained with OpenPose bone image |
A OpenPose bone image. | ||
lllyasviel/control_v11p_sd15s2_lineart_anime Trained with human scribbles |
A hand-drawn monochrome image with white outlines on a black background. | ||
lllyasviel/control_v11p_sd15_openpose Trained with semantic segmentation |
An ADE20K's segmentation protocol image. | ||
lllyasviel/control_v11p_sd15_scribble Trained with semantic segmentation |
An ADE20K's segmentation protocol image. | ||
lllyasviel/control_v11p_sd15_softedge Trained with semantic segmentation |
An ADE20K's segmentation protocol image. | ||
lllyasviel/control_v11e_sd15_shuffle Trained with semantic segmentation |
An ADE20K's segmentation protocol image. | ||
lllyasviel/control_v11e_sd15_ip2p Trained with semantic segmentation |
An ADE20K's segmentation protocol image. | ||
lllyasviel/control_v11u_sd15_tile Trained with semantic segmentation |
An ADE20K's segmentation protocol image. |
Training
The v1.1 canny edge model was resumed from Controlnet v1.0 on continued training with 200 GPU hours of A100 80GB on edge-image, caption pairs using Stable Diffusion 1.5 as a base model.
Blog post
For more information, please also have a look at the Diffusers ControlNet Blog Post.