Diffusers

Latest version: v0.31.0

Safety actively analyzes 679296 Python packages for vulnerabilities to keep your Python projects secure.

Scan your dependencies

Page 15 of 16

0.2.4

This patch release allows the Stable Diffusion pipelines to be loaded with `float16` precision:
python
pipe = StableDiffusionPipeline.from_pretrained(
"CompVis/stable-diffusion-v1-4",
revision="fp16",
torch_dtype=torch.float16,
use_auth_token=True
)
pipe = pipe.to("cuda")


The resulting models take up less than `6900 MiB` of GPU memory.

- [Loading] allow modules to be loaded in fp16 by patrickvonplaten in 230

0.2.3

:art: Stable Diffusion public release

The Stable Diffusion checkpoints are now public and can be loaded by anyone! :partying_face:

**Make sure to accept the license terms on the model page first (requires login): https://huggingface.co/CompVis/stable-diffusion-v1-4**
Install the required packages: `pip install diffusers==0.2.3 transformers scipy`
And log in on your machine using the `huggingface-cli login` command.

python
from torch import autocast
from diffusers import StableDiffusionPipeline, LMSDiscreteScheduler

this will substitute the default PNDM scheduler for K-LMS
lms = LMSDiscreteScheduler(
beta_start=0.00085,
beta_end=0.012,
beta_schedule="scaled_linear"
)

pipe = StableDiffusionPipeline.from_pretrained(
"CompVis/stable-diffusion-v1-4",
scheduler=lms,
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")


The safety checker

Following the model authors' guidelines and code, the Stable Diffusion inference results will now be filtered to exclude unsafe content. Any images classified as unsafe will be returned as blank. To check if the safety module is triggered programmaticaly, check the `nsfw_content_detected` flag like so:

python
outputs = pipe(prompt)
image = outputs
if any(outputs["nsfw_content_detected"]):
print("Potential unsafe content was detected in one or more images. Try again with a different prompt and/or seed.")


Improvements and bugfixes

* add add_noise method in LMSDiscreteScheduler, PNDMScheduler by patil-suraj in 227
* hotfix for pdnm test by natolambert in 220
* Restore `is_modelcards_available` in `.utils` by pcuenca in 224
* Update README for 0.2.3 release by pcuenca in 225
* Pipeline to device by pcuenca in 210
* fix safety check by patil-suraj in 217
* Add safety module by patil-suraj in 213
* Support one-string prompts and custom image size in LDM by anton-l in 212
* Add `is_torch_available`, `is_flax_available` by anton-l in 204
* Revive `make quality` by anton-l in 203
* [StableDiffusionPipeline] use default params in __call__ by patil-suraj in 196
* fix test_from_pretrained_hub_pass_model by patil-suraj in 194
* Match params with official Stable Diffusion lib by apolinario in 192

**Full Changelog**: https://github.com/huggingface/diffusers/compare/v0.2.2...v0.2.3

0.2.2

This patch release fixes an import of the [StableDiffusionPipeline](https://github.com/huggingface/diffusers/blob/main/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py)

[K-LMS Scheduler] fix import by patrickvonplaten in [191](https://github.com/huggingface/diffusers/pull/191)

0.2.1

This patch release fixes a small bug of the [StableDiffusionPipeline](https://github.com/huggingface/diffusers/blob/main/src/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py)

- [Stable diffusion] Hot fix by patrickvonplaten in [50a9ae](https://github.com/huggingface/diffusers/commit/b50a9ae383794f5fa56377d703e0feb80a33bf77)

0.2.0

Stable Diffusion

Stable Diffusion is a text-to-image latent diffusion model created by the researchers and engineers from [CompVis](https://github.com/CompVis), [Stability AI](https://stability.ai/) and [LAION](https://laion.ai/). It's trained on 512x512 images from a subset of the [LAION-5B](https://laion.ai/blog/laion-5b/) database. 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 the [model card](https://huggingface.co/CompVis/stable-diffusion) for more information.

**The Stable Diffusion weights are currently only available to universities, academics, research institutions and independent researchers. Please request access applying to <a href="https://stability.ai/academia-access-form" target="_blank">this</a> form**

python
from torch import autocast
from diffusers import StableDiffusionPipeline

make sure you're logged in with `huggingface-cli login`
pipe = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-3-diffusers", use_auth_token=True)

prompt = "a photograph of an astronaut riding a horse"
with autocast("cuda"):
image = pipe(prompt, guidance_scale=7)["sample"][0] image here is in PIL format

image.save(f"astronaut_rides_horse.png")


K-LMS sampling

The new `LMSDiscreteScheduler` is a port of k-lms from [k-diffusion](https://github.com/crowsonkb/k-diffusion/blob/master/k_diffusion/sampling.py) by Katherine Crowson.
The scheduler can be easily swapped into existing pipelines like so:

python
from diffusers import StableDiffusionPipeline, LMSDiscreteScheduler

model_id = "CompVis/stable-diffusion-v1-3-diffusers"
Use the K-LMS scheduler here instead
scheduler = LMSDiscreteScheduler(beta_start=0.00085, beta_end=0.012, beta_schedule="scaled_linear", num_train_timesteps=1000)
pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler, use_auth_token=True)


Integration test with text-to-image script of [Stable-Diffusion](https://github.com/CompVis/stable-diffusion)

182 and 186 make sure that DDIM and PNDM/PLMS scheduler yield 1-to-1 the same results as stable diffusion.
Try it out yourself:

In [Stable-Diffusion](https://github.com/CompVis/stable-diffusion):


python scripts/txt2img.py --prompt "a photograph of an astronaut riding a horse" --n_samples 4 --n_iter 1 --fixed_code --plms

or

python scripts/txt2img.py --prompt "a photograph of an astronaut riding a horse" --n_samples 4 --n_iter 1 --fixed_code


In `diffusers`:

py
from diffusers import StableDiffusionPipeline, DDIMScheduler
from time import time
from PIL import Image
from einops import rearrange
import numpy as np
import torch
from torch import autocast
from torchvision.utils import make_grid

torch.manual_seed(42)

prompt = "a photograph of an astronaut riding a horse"
prompt = "a photograph of the eiffel tower on the moon"
prompt = "an oil painting of a futuristic forest gives"

uncomment to use DDIM
scheduler = DDIMScheduler(beta_start=0.00085, beta_end=0.012, beta_schedule="scaled_linear", clip_sample=False, set_alpha_to_one=False)
pipe = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-3-diffusers", use_auth_token=True, scheduler=scheduler) make sure you're logged in with `huggingface-cli login`

pipe = StableDiffusionPipeline.from_pretrained("CompVis/stable-diffusion-v1-3-diffusers", use_auth_token=True) make sure you're logged in with `huggingface-cli login`

all_images = []
num_rows = 1
num_columns = 4
for _ in range(num_rows):
with autocast("cuda"):
images = pipe(num_columns * [prompt], guidance_scale=7.5, output_type="np")["sample"] image here is in [PIL format](https://pillow.readthedocs.io/en/stable/)
all_images.append(torch.from_numpy(images))

additionally, save as grid
grid = torch.stack(all_images, 0)
grid = rearrange(grid, 'n b h w c -> (n b) h w c')
grid = rearrange(grid, 'n h w c -> n c h w')
grid = make_grid(grid, nrow=num_rows)

to image
grid = 255. * rearrange(grid, 'c h w -> h w c').cpu().numpy()
image = Image.fromarray(grid.astype(np.uint8))

image.save(f"./images/diffusers/{'_'.join(prompt.split())}_{round(time())}.png")



Improvements and bugfixes

* Allow passing non-default modules to pipeline by pcuenca in 188
* Add K-LMS scheduler from k-diffusion by anton-l in 185
* [Naming] correct config naming of DDIM pipeline by patrickvonplaten in 187
* [PNDM] Stable diffusion by patrickvonplaten in 186
* [Half precision] Make sure half-precision is correct by patrickvonplaten in 182
* allow custom height, width in StableDiffusionPipeline by patil-suraj in 179
* add tests for stable diffusion pipeline by patil-suraj in 178
* Stable diffusion pipeline by patil-suraj in 168
* [LDM pipeline] fix eta condition. by patil-suraj in 171
* [PNDM in LDM pipeline] use inspect in pipeline instead of unused kwargs by patil-suraj in 167
* allow pndm scheduler to be used with ldm pipeline by patil-suraj in 165
* add scaled_linear schedule in PNDM and DDPM by patil-suraj in 164
* add attention up/down blocks for VAE by patil-suraj in 161
* Add an alternative Karras et al. stochastic scheduler for VE models by anton-l in 160
* [LDMTextToImagePipeline] make text model generic by patil-suraj in 162
* Minor typos by pcuenca in 159
* Fix arg key for `dataset_name` in `create_model_card` by pcuenca in 158
* [VAE] fix the downsample block in Encoder. by patil-suraj in 156
* [UNet2DConditionModel] add cross_attention_dim as an argument by patil-suraj in 155
* Added `diffusers` to conda-forge and updated README for installation instruction by sugatoray in 129
* Add issue templates for feature requests and bug reports by osanseviero in 153
* Support training with a local image folder by anton-l in 152
* Allow DDPM scheduler to use model's predicated variance by eyalmazuz in 132

**Full Changelog**: https://github.com/huggingface/diffusers/compare/0.1.3...v0.2.0

0.1.3

This patch releases refactors the model architecture of `VQModel` or `AutoencoderKL` including the weight naming. Therefore the official weights of the `CompVis` organization have been re-uploaded, see:
- https://huggingface.co/CompVis/ldm-celebahq-256/commit/63b33cf3bbdd833de32080a8ba55ba4d0b111859
- https://huggingface.co/CompVis/ldm-celebahq-256/commit/03978f22272a3c2502da709c3940e227c9714bdd
- https://huggingface.co/CompVis/ldm-text2im-large-256/commit/31ff4edafd3ee09656d2068d05a4d5338129d592
- https://huggingface.co/CompVis/ldm-text2im-large-256/commit/9bd2b48d2d45e6deb6fb5a03eb2a601e4b95bd91

Corresponding PR: https://github.com/huggingface/diffusers/pull/137

Please make sure to upgrade `diffusers` to have those models running correctly: `pip install --upgrade diffusers`

Bug fixes
- Fix `FileNotFoundError: 'model_card_template.md'` https://github.com/huggingface/diffusers/pull/136

Page 15 of 16

© 2024 Safety CLI Cybersecurity Inc. All Rights Reserved.