SDXL LoRA DreamBooth - tonyassi/mgm
by Tony Assi
Dreambooth style based on classic MGM Films. Try the demo.
Trigger words
Use mgm film in the prompt to trigger the MGM 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/mgm")
pipe.to("cuda")
# Generate image
prompt = "mgm film megan fox pinup girl"
image = pipe(prompt=prompt,
height=1024,
width=1024,
num_inference_steps=50,
negative_prompt="ugly, deformed face, deformed body").images[0]
image
Examples
mgm film bettie page outside a mansion with two poodles
mgm film asap rocky eating in a fancy restaurant, 1950s
mgm film lady gaga in a limo, neon lights, pet snake
mgm film asap rocky in the wizard of oz
Model description
These are tonyassi/mgm 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
- 1,371
Model tree for tonyassi/mgm
Base model
stabilityai/stable-diffusion-xl-base-1.0