Edit model card

SDXS-512-DreamShaper

SDXS is a model that can generate high-resolution images in real-time based on prompt texts, trained using score distillation and feature matching. For more information, please refer to our research paper: SDXS: Real-Time One-Step Latent Diffusion Models with Image Conditions. We open-source the model as part of the research.

SDXS-512-DreamShaper is the version we trained specifically for community. The model is trained without focusing on FID, and sacrifices diversity for better image generation quality. In order to avoid some possible risks, the SDXS-512-1.0 and SDXS-1024-1.0 will not be available shortly. Watch our repo for any updates.

Model Information:

Similar to SDXS-512-0.9, since our image decoder is not compatible with diffusers, we use TAESD. Currently, our pull request has been merged in to reduce the gap between TAESD and our image decoder. In the next diffusers release update, we may replace the image decoder.

Diffusers Usage

import torch
from diffusers import StableDiffusionPipeline, AutoencoderKL

repo = "IDKiro/sdxs-512-dreamshaper"
seed = 42
weight_type = torch.float16     # or float32

# Load model.
pipe = StableDiffusionPipeline.from_pretrained(repo, torch_dtype=weight_type)
pipe.to("cuda")

prompt = "a close-up picture of an old man standing in the rain"

# Ensure using 1 inference step and CFG set to 0.
image = pipe(
    prompt, 
    num_inference_steps=1, 
    guidance_scale=0,
    generator=torch.Generator(device="cuda").manual_seed(seed)
).images[0]

image.save("output.png")

Cite Our Work

@article{song2024sdxs,
  author    = {Yuda Song, Zehao Sun, Xuanwu Yin},
  title     = {SDXS: Real-Time One-Step Latent Diffusion Models with Image Conditions},
  journal   = {arxiv},
  year      = {2024},
}
Downloads last month
6,531
Inference API
Inference API (serverless) has been turned off for this model.

Spaces using IDKiro/sdxs-512-dreamshaper 4