stabilityai / stable-diffusion-xl-base-0.9

huggingface.co
Total runs: 1.2K
24-hour runs: 0
7-day runs: 95
30-day runs: 602
Model's Last Updated: July 12 2023
text-to-image

Introduction of stable-diffusion-xl-base-0.9

Model Details of stable-diffusion-xl-base-0.9

SD-XL 0.9-base Model Card

row01

Model

pipeline

SDXL consists of a two-step pipeline for latent diffusion: First, we use a base model to generate latents of the desired output size. In the second step, we use a specialized high-resolution model and apply a technique called SDEdit ( https://arxiv.org/abs/2108.01073 , also known as "img2img") to the latents generated in the first step, using the same prompt.

Model Description
Model Sources
🧨 Diffusers

Make sure to upgrade diffusers to >= 0.18.0:

pip install diffusers --upgrade

In addition make sure to install transformers , safetensors , accelerate as well as the invisible watermark:

pip install invisible_watermark transformers accelerate safetensors

You can use the model then as follows

from diffusers import DiffusionPipeline
import torch

pipe = DiffusionPipeline.from_pretrained("stabilityai/stable-diffusion-xl-base-0.9", torch_dtype=torch.float16, use_safetensors=True, variant="fp16")
pipe.to("cuda")

# if using torch < 2.0
# pipe.enable_xformers_memory_efficient_attention()

prompt = "An astronaut riding a green horse"

images = pipe(prompt=prompt).images[0]

When using torch >= 2.0 , you can improve the inference speed by 20-30% with torch.compile. Simple wrap the unet with torch compile before running the pipeline:

pipe.unet = torch.compile(pipe.unet, mode="reduce-overhead", fullgraph=True)

If you are limited by GPU VRAM, you can enable cpu offloading by calling pipe.enable_model_cpu_offload instead of .to("cuda") :

- pipe.to("cuda")
+ pipe.enable_model_cpu_offload()
Uses
Direct Use

The model is intended for research purposes only. Possible research areas and tasks include

  • Generation of artworks and use in design and other artistic processes.
  • Applications in educational or creative tools.
  • Research on generative models.
  • Safe deployment of models which have the potential to generate harmful content.
  • Probing and understanding the limitations and biases of generative models.

Excluded uses are described below.

Out-of-Scope Use

The model was not trained to be factual or true representations of people or events, and therefore using the model to generate such content is out-of-scope for the abilities of this model.

Limitations and Bias
Limitations
  • The model does not achieve perfect photorealism
  • The model cannot render legible text
  • The model struggles with more difficult tasks which involve compositionality, such as rendering an image corresponding to “A red cube on top of a blue sphere”
  • Faces and people in general may not be generated properly.
  • The autoencoding part of the model is lossy.
Bias

While the capabilities of image generation models are impressive, they can also reinforce or exacerbate social biases.

Evaluation

comparison The chart above evaluates user preference for SDXL (with and without refinement) over Stable Diffusion 1.5 and 2.1. The SDXL base model performs significantly better than the previous variants, and the model combined with the refinement module achieves the best overall performance.

Runs of stabilityai stable-diffusion-xl-base-0.9 on huggingface.co

1.2K
Total runs
0
24-hour runs
56
3-day runs
95
7-day runs
602
30-day runs

More Information About stable-diffusion-xl-base-0.9 huggingface.co Model

More stable-diffusion-xl-base-0.9 license Visit here:

https://choosealicense.com/licenses/other

stable-diffusion-xl-base-0.9 huggingface.co

stable-diffusion-xl-base-0.9 huggingface.co is an AI model on huggingface.co that provides stable-diffusion-xl-base-0.9's model effect (), which can be used instantly with this stabilityai stable-diffusion-xl-base-0.9 model. huggingface.co supports a free trial of the stable-diffusion-xl-base-0.9 model, and also provides paid use of the stable-diffusion-xl-base-0.9. Support call stable-diffusion-xl-base-0.9 model through api, including Node.js, Python, http.

stable-diffusion-xl-base-0.9 huggingface.co Url

https://huggingface.co/stabilityai/stable-diffusion-xl-base-0.9

stabilityai stable-diffusion-xl-base-0.9 online free

stable-diffusion-xl-base-0.9 huggingface.co is an online trial and call api platform, which integrates stable-diffusion-xl-base-0.9's modeling effects, including api services, and provides a free online trial of stable-diffusion-xl-base-0.9, you can try stable-diffusion-xl-base-0.9 online for free by clicking the link below.

stabilityai stable-diffusion-xl-base-0.9 online free url in huggingface.co:

https://huggingface.co/stabilityai/stable-diffusion-xl-base-0.9

stable-diffusion-xl-base-0.9 install

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

stable-diffusion-xl-base-0.9 install url in huggingface.co:

https://huggingface.co/stabilityai/stable-diffusion-xl-base-0.9

Url of stable-diffusion-xl-base-0.9

stable-diffusion-xl-base-0.9 huggingface.co Url

Provider of stable-diffusion-xl-base-0.9 huggingface.co

stabilityai
ORGANIZATIONS

Other API from stabilityai

huggingface.co

Total runs: 188.4K
Run Growth: 57.9K
Growth Rate: 31.98%
Updated: August 04 2023
huggingface.co

Total runs: 118.8K
Run Growth: -18.6K
Growth Rate: -15.29%
Updated: July 10 2024
huggingface.co

Total runs: 31.7K
Run Growth: 3.3K
Growth Rate: 9.84%
Updated: August 09 2024
huggingface.co

Total runs: 382
Run Growth: -97.9K
Growth Rate: -26027.93%
Updated: August 03 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: July 10 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: April 14 2024