control_v11p_sd15_inpaint

我要开发同款
匿名用户2024年07月31日
25阅读
所属分类ai、image-to-image、controlnet-v1-1、stable-diffusion、controlnet、art
开源地址https://modelscope.cn/models/camenduru/control_v11p_sd15_inpaint
授权协议openrail

作品详情

Controlnet - v1.1 - InPaint Version

Controlnet v1.1 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.

img

This checkpoint corresponds to the ControlNet conditioned on inpaint images.

Model Details

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.

1. Let's install `diffusers` and related packages:

$ pip install diffusers transformers accelerate

2. Run code:

python import torch import os from diffusers.utils import loadimage from PIL import Image import numpy as np from diffusers import ( ControlNetModel, StableDiffusionControlNetPipeline, UniPCMultistepScheduler, ) checkpoint = "lllyasviel/controlv11psd15inpaint" originalimage = loadimage( "https://huggingface.co/lllyasviel/controlv11psd15inpaint/resolve/main/images/original.png" ) maskimage = loadimage( "https://huggingface.co/lllyasviel/controlv11psd15inpaint/resolve/main/images/mask.png" )

def makeinpaintcondition(image, imagemask): image = np.array(image.convert("RGB")).astype(np.float32) / 255.0 imagemask = np.array(imagemask.convert("L")) assert image.shape[0:1] == imagemask.shape[0:1], "image and imagemask must have the same image size" image[imagemask < 128] = -1.0 # set as masked pixel image = np.expanddims(image, 0).transpose(0, 3, 1, 2) image = torch.fromnumpy(image) return image

controlimage = makeinpaintcondition(originalimage, maskimage) prompt = "best quality" negativeprompt="lowres, bad anatomy, bad hands, cropped, worst quality" controlnet = ControlNetModel.frompretrained(checkpoint, torchdtype=torch.float16) pipe = StableDiffusionControlNetPipeline.frompretrained( "runwayml/stable-diffusion-v1-5", controlnet=controlnet, torchdtype=torch.float16 ) pipe.scheduler = UniPCMultistepScheduler.fromconfig(pipe.scheduler.config) pipe.enablemodelcpuoffload() generator = torch.manualseed(2) image = pipe(prompt, negativeprompt=negativeprompt, numinferencesteps=30, generator=generator, image=controlimage).images[0] image.save('images/output.png') ``` original mask inpaint_output

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/controlv11psd15_canny
Trained with canny edge detection A monochrome image with white edges on a black background.
lllyasviel/controlv11esd15_ip2p
Trained with pixel to pixel instruction No condition .
lllyasviel/controlv11psd15_inpaint
Trained with image inpainting No condition.
lllyasviel/controlv11psd15_mlsd
Trained with multi-level line segment detection An image with annotated line segments.
lllyasviel/controlv11f1psd15_depth
Trained with depth estimation An image with depth information, usually represented as a grayscale image.
lllyasviel/controlv11psd15_normalbae
Trained with surface normal estimation An image with surface normal information, usually represented as a color-coded image.
lllyasviel/controlv11psd15_seg
Trained with image segmentation An image with segmented regions, usually represented as a color-coded image.
lllyasviel/controlv11psd15_lineart
Trained with line art generation An image with line art, usually black lines on a white background.
lllyasviel/controlv11psd15s2lineartanime
Trained with anime line art generation An image with anime-style line art.
lllyasviel/controlv11psd15_openpose
Trained with human pose estimation An image with human poses, usually represented as a set of keypoints or skeletons.
lllyasviel/controlv11psd15_scribble
Trained with scribble-based image generation An image with scribbles, usually random or user-drawn strokes.
lllyasviel/controlv11psd15_softedge
Trained with soft edge image generation An image with soft edges, usually to create a more painterly or artistic effect.
lllyasviel/controlv11esd15_shuffle
Trained with image shuffling An image with shuffled patches or regions.
lllyasviel/controlv11f1esd15_tile
Trained with image tiling A blurry image or part of an image .

More information

For more information, please also have a look at the Diffusers ControlNet Blog Post and have a look at the official docs.

声明:本文仅代表作者观点,不代表本站立场。如果侵犯到您的合法权益,请联系我们删除侵权资源!如果遇到资源链接失效,请您通过评论或工单的方式通知管理员。未经允许,不得转载,本站所有资源文章禁止商业使用运营!
下载安装【程序员客栈】APP
实时对接需求、及时收发消息、丰富的开放项目需求、随时随地查看项目状态

评论