tony-assi-lora-1 / README.md
tonyassi's picture
Update README.md
e8f11d3 verified
|
raw
history blame
3.32 kB
metadata
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: Tony Assi style
license: openrail++

SDXL LoRA DreamBooth - tonyassi/tony-assi-lora-1

by Tony Assi

Dreambooth Lora style based on the [Tony Assi] (https://www.tonyassi.com/fashion) collection.

Trigger words

Use Tony Assi 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/tony-assi-lora-1")
pipe.to("cuda")

# Generate image
prompt = "Tony Assi 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 Tony Assi style, hunter schafer wearing a mint green mesh outfit with puffy sleeves, white background

image/png Tony Assi style, Kendall Jenner wearing a black mesh outfit with puffy black sleeves, white background

image/png Tony Assi style, eva mendes wearing clear vinyl outfit, white background

image/png Tony Assi style, Kendall Jenner wearing a black mesh outfit with puffy black sleeves, white background

image/png Tony Assi style, Angelina Jolie wearing black mesh outfit, white background

image/png Tony Assi style, Bella Hadid wearing white mesh, white background

image/png Tony Assi style, hunter schafer wearing a mint green mesh outfit with puffy sleeves, white background

Model description

These are tonyassi/tony-assi-lora-1 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.