Convert Figma logo to code with AI

CompVis logostable-diffusion

A latent text-to-image diffusion model

67,439
10,072
67,439
592

Top Related Projects

22,788

InvokeAI is a leading creative engine for Stable Diffusion models, empowering professionals, artists, and enthusiasts to generate and create visual media using the latest AI-driven technologies. The solution offers an industry leading WebUI, supports terminal use through a CLI, and serves as the foundation for multiple commercial products.

High-Resolution Image Synthesis with Latent Diffusion Models

25,061

🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch and FLAX.

Stable Diffusion web UI

22,785

InvokeAI is a leading creative engine for Stable Diffusion models, empowering professionals, artists, and enthusiasts to generate and create visual media using the latest AI-driven technologies. The solution offers an industry leading WebUI, supports terminal use through a CLI, and serves as the foundation for multiple commercial products.

Quick Overview

Stable Diffusion is an open-source text-to-image generation model developed by CompVis. It allows users to generate high-quality images from text descriptions, offering a powerful tool for creative professionals and AI enthusiasts. The project is based on latent diffusion models and has gained significant popularity in the AI art community.

Pros

  • High-quality image generation from text descriptions
  • Open-source, allowing for community contributions and customization
  • Relatively fast inference times compared to some other text-to-image models
  • Supports various fine-tuning and customization options

Cons

  • Requires significant computational resources for optimal performance
  • May produce biased or inappropriate content if not properly filtered
  • Learning curve for advanced usage and fine-tuning
  • Potential copyright and ethical concerns regarding generated images

Code Examples

# Basic image generation
from diffusers import StableDiffusionPipeline

pipe = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-4")
prompt = "A beautiful sunset over a calm ocean"
image = pipe(prompt).images[0]
image.save("sunset.png")
# Using a custom scheduler
from diffusers import StableDiffusionPipeline, DDIMScheduler

scheduler = DDIMScheduler(beta_start=0.00085, beta_end=0.012, beta_schedule="scaled_linear")
pipe = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-4", scheduler=scheduler)
prompt = "A futuristic cityscape at night"
image = pipe(prompt).images[0]
image.save("cityscape.png")
# Negative prompting
from diffusers import StableDiffusionPipeline

pipe = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-4")
prompt = "A cute cat playing with a ball of yarn"
negative_prompt = "dog, blurry, low quality"
image = pipe(prompt, negative_prompt=negative_prompt).images[0]
image.save("cat.png")

Getting Started

To get started with Stable Diffusion, follow these steps:

  1. Install the required libraries:

    pip install diffusers transformers accelerate
    
  2. Use the following code to generate your first image:

    from diffusers import StableDiffusionPipeline
    import torch
    
    model_id = "CompVis/stable-diffusion-v1-4"
    pipe = StableDiffusionPipeline.from_pretrained(model_id, torch_dtype=torch.float16)
    pipe = pipe.to("cuda")
    
    prompt = "A serene landscape with mountains and a lake"
    image = pipe(prompt).images[0]
    image.save("landscape.png")
    
  3. Experiment with different prompts and parameters to create various images.

Competitor Comparisons

22,788

InvokeAI is a leading creative engine for Stable Diffusion models, empowering professionals, artists, and enthusiasts to generate and create visual media using the latest AI-driven technologies. The solution offers an industry leading WebUI, supports terminal use through a CLI, and serves as the foundation for multiple commercial products.

Pros of InvokeAI

  • More user-friendly interface and easier setup process
  • Includes additional features like inpainting and outpainting
  • Active community development with frequent updates

Cons of InvokeAI

  • Larger resource footprint due to additional features
  • May have slightly slower inference times
  • Less flexibility for advanced users who prefer a bare-bones implementation

Code Comparison

Stable-diffusion:

from diffusers import StableDiffusionPipeline

pipe = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-4")
prompt = "a photo of an astronaut riding a horse on mars"
image = pipe(prompt).images[0]

InvokeAI:

from invokeai.app.invocations.image_generate import generate_image

result = generate_image(
    prompt="a photo of an astronaut riding a horse on mars",
    width=512,
    height=512,
    steps=50
)

Both repositories implement Stable Diffusion, but InvokeAI provides a more comprehensive toolkit with additional features. Stable-diffusion offers a simpler, more lightweight implementation that may be preferred for specific use cases or by users who want more control over the underlying model.

High-Resolution Image Synthesis with Latent Diffusion Models

Pros of stablediffusion

  • More active development and frequent updates
  • Broader community support and contributions
  • Enhanced features and optimizations for improved performance

Cons of stablediffusion

  • Potentially less stable due to rapid changes
  • May require more frequent adjustments to keep up with updates
  • Larger codebase, which could be more complex to navigate

Code Comparison

stable-diffusion:

from ldm.util import instantiate_from_config
model = instantiate_from_config(config.model)

stablediffusion:

from diffusers import StableDiffusionPipeline
model = StableDiffusionPipeline.from_pretrained("runwayml/stable-diffusion-v1-5")

The stablediffusion repository uses the Diffusers library, which provides a more streamlined API for working with Stable Diffusion models. This approach simplifies model loading and usage compared to the custom implementation in the stable-diffusion repository.

Both repositories offer powerful tools for working with Stable Diffusion, but stablediffusion provides a more actively maintained and feature-rich environment. However, users should consider their specific needs and comfort with potential changes when choosing between the two options.

25,061

🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch and FLAX.

Pros of diffusers

  • More user-friendly and easier to integrate into existing projects
  • Offers a wider range of pre-trained models and pipelines
  • Provides better documentation and community support

Cons of diffusers

  • May have slightly slower inference times for some models
  • Requires additional dependencies and setup compared to stable-diffusion

Code Comparison

stable-diffusion:

import torch
from ldm.util import instantiate_from_config
from omegaconf import OmegaConf

config = OmegaConf.load("configs/stable-diffusion/v1-inference.yaml")
model = instantiate_from_config(config.model)

diffusers:

from diffusers import StableDiffusionPipeline

pipeline = StableDiffusionPipeline.from_pretrained("runwayml/stable-diffusion-v1-5")
image = pipeline("A photo of an astronaut riding a horse on Mars").images[0]

The diffusers library provides a more straightforward API for using Stable Diffusion models, with fewer lines of code required for basic usage. It also offers easier access to various pre-trained models and pipelines. However, stable-diffusion may offer more flexibility for advanced users who need fine-grained control over the model architecture and inference process.

Stable Diffusion web UI

Pros of stable-diffusion-webui

  • User-friendly web interface for easier interaction with Stable Diffusion
  • Extensive features and customization options
  • Active community development and frequent updates

Cons of stable-diffusion-webui

  • Potentially more complex setup process
  • May require more computational resources due to additional features
  • Possible compatibility issues with some systems or configurations

Code Comparison

stable-diffusion:

from ldm.util import instantiate_from_config
model = instantiate_from_config(config.model)

stable-diffusion-webui:

import modules.sd_models
model = modules.sd_models.load_model(checkpoint_info)

The stable-diffusion repository provides a more direct approach to model instantiation, while stable-diffusion-webui uses a custom module for loading models, which may offer additional flexibility and integration with the web interface.

Both repositories are based on the Stable Diffusion model, but stable-diffusion-webui builds upon the original implementation to provide a more accessible and feature-rich experience for end-users. While it offers numerous advantages in terms of usability and functionality, it may come with increased complexity and resource requirements compared to the more streamlined stable-diffusion repository.

22,785

InvokeAI is a leading creative engine for Stable Diffusion models, empowering professionals, artists, and enthusiasts to generate and create visual media using the latest AI-driven technologies. The solution offers an industry leading WebUI, supports terminal use through a CLI, and serves as the foundation for multiple commercial products.

Pros of InvokeAI

  • More user-friendly interface and easier setup process
  • Includes additional features like inpainting and outpainting
  • Active community development with frequent updates

Cons of InvokeAI

  • Larger resource footprint due to additional features
  • May have slightly slower inference times
  • Less flexibility for advanced users who prefer a bare-bones implementation

Code Comparison

Stable-diffusion:

from diffusers import StableDiffusionPipeline

pipe = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-4")
prompt = "a photo of an astronaut riding a horse on mars"
image = pipe(prompt).images[0]

InvokeAI:

from invokeai.app.invocations.image_generate import generate_image

result = generate_image(
    prompt="a photo of an astronaut riding a horse on mars",
    width=512,
    height=512,
    steps=50
)

Both repositories implement Stable Diffusion, but InvokeAI provides a more comprehensive toolkit with additional features. Stable-diffusion offers a simpler, more lightweight implementation that may be preferred for specific use cases or by users who want more control over the underlying model.

Convert Figma logo designs to code with AI

Visual Copilot

Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.

Try Visual Copilot

README

Stable Diffusion

Stable Diffusion was made possible thanks to a collaboration with Stability AI and Runway and builds upon our previous work:

High-Resolution Image Synthesis with Latent Diffusion Models
Robin Rombach*, Andreas Blattmann*, Dominik Lorenz, Patrick Esser, Björn Ommer
CVPR '22 Oral | GitHub | arXiv | Project page

txt2img-stable2 Stable Diffusion is a latent text-to-image diffusion model. Thanks to a generous compute donation from Stability AI and support from LAION, we were able to train a Latent Diffusion Model on 512x512 images from a subset of the LAION-5B database. Similar to Google's Imagen, this model uses a frozen CLIP ViT-L/14 text encoder to condition the model on text prompts. With its 860M UNet and 123M text encoder, the model is relatively lightweight and runs on a GPU with at least 10GB VRAM. See this section below and the model card.

Requirements

A suitable conda environment named ldm can be created and activated with:

conda env create -f environment.yaml
conda activate ldm

You can also update an existing latent diffusion environment by running

conda install pytorch torchvision -c pytorch
pip install transformers==4.19.2 diffusers invisible-watermark
pip install -e .

Stable Diffusion v1

Stable Diffusion v1 refers to a specific configuration of the model architecture that uses a downsampling-factor 8 autoencoder with an 860M UNet and CLIP ViT-L/14 text encoder for the diffusion model. The model was pretrained on 256x256 images and then finetuned on 512x512 images.

Note: Stable Diffusion v1 is a general text-to-image diffusion model and therefore mirrors biases and (mis-)conceptions that are present in its training data. Details on the training procedure and data, as well as the intended use of the model can be found in the corresponding model card.

The weights are available via the CompVis organization at Hugging Face under a license which contains specific use-based restrictions to prevent misuse and harm as informed by the model card, but otherwise remains permissive. While commercial use is permitted under the terms of the license, we do not recommend using the provided weights for services or products without additional safety mechanisms and considerations, since there are known limitations and biases of the weights, and research on safe and ethical deployment of general text-to-image models is an ongoing effort. The weights are research artifacts and should be treated as such.

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.

Weights

We currently provide the following checkpoints:

  • sd-v1-1.ckpt: 237k steps at resolution 256x256 on laion2B-en. 194k steps at resolution 512x512 on laion-high-resolution (170M examples from LAION-5B with resolution >= 1024x1024).
  • sd-v1-2.ckpt: Resumed from sd-v1-1.ckpt. 515k steps at resolution 512x512 on laion-aesthetics v2 5+ (a subset of laion2B-en with estimated aesthetics score > 5.0, and additionally filtered to images with an original size >= 512x512, and an estimated watermark probability < 0.5. The watermark estimate is from the LAION-5B metadata, the aesthetics score is estimated using the LAION-Aesthetics Predictor V2).
  • sd-v1-3.ckpt: Resumed from sd-v1-2.ckpt. 195k steps at resolution 512x512 on "laion-aesthetics v2 5+" and 10% dropping of the text-conditioning to improve classifier-free guidance sampling.
  • sd-v1-4.ckpt: Resumed from sd-v1-2.ckpt. 225k steps at resolution 512x512 on "laion-aesthetics v2 5+" and 10% dropping of the text-conditioning to improve classifier-free guidance sampling.

Evaluations with different classifier-free guidance scales (1.5, 2.0, 3.0, 4.0, 5.0, 6.0, 7.0, 8.0) and 50 PLMS sampling steps show the relative improvements of the checkpoints: sd evaluation results

Text-to-Image with Stable Diffusion

txt2img-stable2 txt2img-stable2

Stable Diffusion is a latent diffusion model conditioned on the (non-pooled) text embeddings of a CLIP ViT-L/14 text encoder. We provide a reference script for sampling, but there also exists a diffusers integration, which we expect to see more active community development.

Reference Sampling Script

We provide a reference sampling script, which incorporates

After obtaining the stable-diffusion-v1-*-original weights, link them

mkdir -p models/ldm/stable-diffusion-v1/
ln -s <path/to/model.ckpt> models/ldm/stable-diffusion-v1/model.ckpt 

and sample with

python scripts/txt2img.py --prompt "a photograph of an astronaut riding a horse" --plms 

By default, this uses a guidance scale of --scale 7.5, Katherine Crowson's implementation of the PLMS sampler, and renders images of size 512x512 (which it was trained on) in 50 steps. All supported arguments are listed below (type python scripts/txt2img.py --help).

usage: txt2img.py [-h] [--prompt [PROMPT]] [--outdir [OUTDIR]] [--skip_grid] [--skip_save] [--ddim_steps DDIM_STEPS] [--plms] [--laion400m] [--fixed_code] [--ddim_eta DDIM_ETA]
                  [--n_iter N_ITER] [--H H] [--W W] [--C C] [--f F] [--n_samples N_SAMPLES] [--n_rows N_ROWS] [--scale SCALE] [--from-file FROM_FILE] [--config CONFIG] [--ckpt CKPT]
                  [--seed SEED] [--precision {full,autocast}]

optional arguments:
  -h, --help            show this help message and exit
  --prompt [PROMPT]     the prompt to render
  --outdir [OUTDIR]     dir to write results to
  --skip_grid           do not save a grid, only individual samples. Helpful when evaluating lots of samples
  --skip_save           do not save individual samples. For speed measurements.
  --ddim_steps DDIM_STEPS
                        number of ddim sampling steps
  --plms                use plms sampling
  --laion400m           uses the LAION400M model
  --fixed_code          if enabled, uses the same starting code across samples
  --ddim_eta DDIM_ETA   ddim eta (eta=0.0 corresponds to deterministic sampling
  --n_iter N_ITER       sample this often
  --H H                 image height, in pixel space
  --W W                 image width, in pixel space
  --C C                 latent channels
  --f F                 downsampling factor
  --n_samples N_SAMPLES
                        how many samples to produce for each given prompt. A.k.a. batch size
  --n_rows N_ROWS       rows in the grid (default: n_samples)
  --scale SCALE         unconditional guidance scale: eps = eps(x, empty) + scale * (eps(x, cond) - eps(x, empty))
  --from-file FROM_FILE
                        if specified, load prompts from this file
  --config CONFIG       path to config which constructs model
  --ckpt CKPT           path to checkpoint of model
  --seed SEED           the seed (for reproducible sampling)
  --precision {full,autocast}
                        evaluate at this precision

Note: The inference config for all v1 versions is designed to be used with EMA-only checkpoints. For this reason use_ema=False is set in the configuration, otherwise the code will try to switch from non-EMA to EMA weights. If you want to examine the effect of EMA vs no EMA, we provide "full" checkpoints which contain both types of weights. For these, use_ema=False will load and use the non-EMA weights.

Diffusers Integration

A simple way to download and sample Stable Diffusion is by using the diffusers library:

# make sure you're logged in with `huggingface-cli login`
from torch import autocast
from diffusers import StableDiffusionPipeline

pipe = StableDiffusionPipeline.from_pretrained(
	"CompVis/stable-diffusion-v1-4", 
	use_auth_token=True
).to("cuda")

prompt = "a photo of an astronaut riding a horse on mars"
with autocast("cuda"):
    image = pipe(prompt)["sample"][0]  
    
image.save("astronaut_rides_horse.png")

Image Modification with Stable Diffusion

By using a diffusion-denoising mechanism as first proposed by SDEdit, the model can be used for different tasks such as text-guided image-to-image translation and upscaling. Similar to the txt2img sampling script, we provide a script to perform image modification with Stable Diffusion.

The following describes an example where a rough sketch made in Pinta is converted into a detailed artwork.

python scripts/img2img.py --prompt "A fantasy landscape, trending on artstation" --init-img <path-to-img.jpg> --strength 0.8

Here, strength is a value between 0.0 and 1.0, that controls the amount of noise that is added to the input image. Values that approach 1.0 allow for lots of variations but will also produce images that are not semantically consistent with the input. See the following example.

Input

sketch-in

Outputs

out3 out2

This procedure can, for example, also be used to upscale samples from the base model.

Comments

BibTeX

@misc{rombach2021highresolution,
      title={High-Resolution Image Synthesis with Latent Diffusion Models}, 
      author={Robin Rombach and Andreas Blattmann and Dominik Lorenz and Patrick Esser and Björn Ommer},
      year={2021},
      eprint={2112.10752},
      archivePrefix={arXiv},
      primaryClass={cs.CV}
}