thibaud / controlnet-openpose-sdxl-1.0

huggingface.co
Total runs: 55.6K
24-hour runs: 0
7-day runs: 3.9K
30-day runs: 18.5K
Model's Last Updated: September 03 2023
text-to-image

Introduction of controlnet-openpose-sdxl-1.0

Model Details of controlnet-openpose-sdxl-1.0

SDXL-controlnet: OpenPose (v2)

These are controlnet weights trained on stabilityai/stable-diffusion-xl-base-1.0 with OpenPose (v2) conditioning. You can find some example images in the following.

prompt: a ballerina, romantic sunset, 4k photo images_0)

Comfy Workflow

images_0)

(Image is from ComfyUI, you can drag and drop in Comfy to use it as workflow)

License: refers to the OpenPose's one.

Using in 🧨 diffusers

First, install all the libraries:

pip install -q controlnet_aux transformers accelerate
pip install -q git+https://github.com/huggingface/diffusers

Now, we're ready to make Darth Vader dance:

from diffusers import AutoencoderKL, StableDiffusionXLControlNetPipeline, ControlNetModel, UniPCMultistepScheduler
import torch
from controlnet_aux import OpenposeDetector
from diffusers.utils import load_image


# Compute openpose conditioning image.
openpose = OpenposeDetector.from_pretrained("lllyasviel/ControlNet")

image = load_image(
    "https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/diffusers/person.png"
)
openpose_image = openpose(image)

# Initialize ControlNet pipeline.
controlnet = ControlNetModel.from_pretrained("thibaud/controlnet-openpose-sdxl-1.0", torch_dtype=torch.float16)
pipe = StableDiffusionXLControlNetPipeline.from_pretrained(
    "stabilityai/stable-diffusion-xl-base-1.0", controlnet=controlnet, torch_dtype=torch.float16
)
pipe.enable_model_cpu_offload()


# Infer.
prompt = "Darth vader dancing in a desert, high quality"
negative_prompt = "low quality, bad quality"
images = pipe(
    prompt, 
    negative_prompt=negative_prompt,
    num_inference_steps=25,
    num_images_per_prompt=4,
    image=openpose_image.resize((1024, 1024)),
    generator=torch.manual_seed(97),
).images
images[0]

Here are some gemerated examples:

Training

Use of the training script by HF🤗 here .

Training data

This checkpoint was first trained for 15,000 steps on laion 6a resized to a max minimum dimension of 768.

Compute

one 1xA100 machine (Thanks a lot HF🤗 to provide the compute!)

Batch size

Data parallel with a single gpu batch size of 2 with gradient accumulation 8.

Hyper Parameters

Constant learning rate of 8e-5

Mixed precision

fp16

Runs of thibaud controlnet-openpose-sdxl-1.0 on huggingface.co

55.6K
Total runs
0
24-hour runs
-48
3-day runs
3.9K
7-day runs
18.5K
30-day runs

More Information About controlnet-openpose-sdxl-1.0 huggingface.co Model

More controlnet-openpose-sdxl-1.0 license Visit here:

https://choosealicense.com/licenses/other

controlnet-openpose-sdxl-1.0 huggingface.co

controlnet-openpose-sdxl-1.0 huggingface.co is an AI model on huggingface.co that provides controlnet-openpose-sdxl-1.0's model effect (), which can be used instantly with this thibaud controlnet-openpose-sdxl-1.0 model. huggingface.co supports a free trial of the controlnet-openpose-sdxl-1.0 model, and also provides paid use of the controlnet-openpose-sdxl-1.0. Support call controlnet-openpose-sdxl-1.0 model through api, including Node.js, Python, http.

controlnet-openpose-sdxl-1.0 huggingface.co Url

https://huggingface.co/thibaud/controlnet-openpose-sdxl-1.0

thibaud controlnet-openpose-sdxl-1.0 online free

controlnet-openpose-sdxl-1.0 huggingface.co is an online trial and call api platform, which integrates controlnet-openpose-sdxl-1.0's modeling effects, including api services, and provides a free online trial of controlnet-openpose-sdxl-1.0, you can try controlnet-openpose-sdxl-1.0 online for free by clicking the link below.

thibaud controlnet-openpose-sdxl-1.0 online free url in huggingface.co:

https://huggingface.co/thibaud/controlnet-openpose-sdxl-1.0

controlnet-openpose-sdxl-1.0 install

controlnet-openpose-sdxl-1.0 is an open source model from GitHub that offers a free installation service, and any user can find controlnet-openpose-sdxl-1.0 on GitHub to install. At the same time, huggingface.co provides the effect of controlnet-openpose-sdxl-1.0 install, users can directly use controlnet-openpose-sdxl-1.0 installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

controlnet-openpose-sdxl-1.0 install url in huggingface.co:

https://huggingface.co/thibaud/controlnet-openpose-sdxl-1.0

Url of controlnet-openpose-sdxl-1.0

controlnet-openpose-sdxl-1.0 huggingface.co Url

Provider of controlnet-openpose-sdxl-1.0 huggingface.co

thibaud
ORGANIZATIONS

Other API from thibaud

huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: August 11 2023