Edit model card

SDXL LoRA DreamBooth - tonyassi/margiela-ss24-fashion-lora

by Tony Assi

Dreambooth Lora style based on the Margiela SS24 collection.

image/png

Trigger words

Use Margiela SS24 style in the prompt to trigger the style.

How to use

pip install diffusers accelerate
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/margiela-ss24-fashion-lora")
pipe.to("cuda")

# Generate image
prompt = "Margiela SS24 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 Margiela SS24 style, megan fox wearing a gold mesh dress with crystals

image/png Margiela SS24 style, emma stone wearng a pink sequin leotard, puff sleves, rhinestone stockings

image/png Margiela SS24 style, jeff goldblum

image/png Margiela SS24 style, megan fox wearing a mesh dress with crystals

image/png Margiela SS24 style, jeff goldblum wearing a corset

Model description

These are tonyassi/margiela-ss24-fashion-lora LoRA adaption weights for stabilityai/stable-diffusion-xl-base-1.0.

The weights were trained using DreamBooth.

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 them in the Files & versions tab.

Downloads last month
128

Adapter for

Space using tonyassi/margiela-ss24-fashion-lora 1