tonyassi's picture
Update README.md
06e9b8b verified
---
tags:
- stable-diffusion-xl
- stable-diffusion-xl-diffusers
- text-to-image
- diffusers
- lora
- template:sd-lora
base_model: stabilityai/stable-diffusion-xl-base-1.0
instance_prompt: Gucci SS18 style
license: openrail++
---
# SDXL LoRA DreamBooth - tonyassi/gucci-ss18-fashion-lora
by [Tony Assi](https://www.tonyassi.com/)
Dreambooth Lora style based on the [Gucci SS18](https://www.vogue.com/fashion-shows/spring-2018-ready-to-wear/gucci) collection.
![image/png](https://cdn-uploads.huggingface.co/production/uploads/648a824a8ca6cf9857d1349c/kwxsXATr5x0D-Y_CIivWj.png)
## Trigger words
Use **Gucci SS18 style** in the prompt to trigger the style.
## How to use
```bash
pip install diffusers accelerate
```
```python
import torch
from diffusers import DiffusionPipeline, AutoencoderKL
# Load the pipeline
vae = AutoencoderKL.from_pretrained("madebyollin/sdxl-vae-fp16-fix", torch_dtype=torch.float16)
pipe = DiffusionPipeline.from_pretrained(
"stabilityai/stable-diffusion-xl-base-1.0",
vae=vae,
torch_dtype=torch.float16,
variant="fp16",
use_safetensors=True
)
pipe.load_lora_weights("tonyassi/gucci-ss18-fashion-lora")
pipe.to("cuda")
# Generate image
prompt = "Gucci SS18 style, megan fox wearing a gold mesh dress with crystals"
image = pipe(prompt=prompt,
height=1024,
width=1024,
num_inference_steps=50,
negative_prompt="ugly, deformed face, deformed body").images[0]
image
```
## Examples
![image/png](https://cdn-uploads.huggingface.co/production/uploads/648a824a8ca6cf9857d1349c/_w1Bk-euw4bCRpgEuL0qA.png)
**Gucci SS18 style, marilyn monroe wearing elegant dress made of crystals**
![image/png](https://cdn-uploads.huggingface.co/production/uploads/648a824a8ca6cf9857d1349c/mawkPV1YBVbhm0DtAbUs-.png)
**Gucci SS18 style, young nicole kidman wearing a pink sequins leotard, 70s, glam rock**
![image/png](https://cdn-uploads.huggingface.co/production/uploads/648a824a8ca6cf9857d1349c/l8jNzEj_VFHgIl163oP5s.png)
**Gucci SS18 style, david bowie, suit, 70s, glam rock**
![image/png](https://cdn-uploads.huggingface.co/production/uploads/648a824a8ca6cf9857d1349c/cGtBOKyyYw9O4nS_uRuTk.png)
**Gucci SS18 style, young nicole kidman wearing a pink sequins leotard, stocking, 70s, glam rock**
![image/png](https://cdn-uploads.huggingface.co/production/uploads/648a824a8ca6cf9857d1349c/fjagJ8SsH5xqj1EGpbEWS.png)
**Gucci SS18 style, david bowie**
## Model description
These are tonyassi/gucci-ss18-fashion-lora LoRA adaption weights for stabilityai/stable-diffusion-xl-base-1.0.
The weights were trained using [DreamBooth](https://dreambooth.github.io/).
LoRA for the text encoder was enabled: False.
Special VAE used for training: madebyollin/sdxl-vae-fp16-fix.
## Download model
Weights for this model are available in Safetensors format.
[Download](https://huggingface.co/tonyassi/gucci-ss18-fashion-lora/tree/main) them in the Files & versions tab.