LoRA Dreambooth - MohamedAhmedAE/stable-diffusion-v1-5_lora_finetuning

Prompt
a cute pokemon character

Model description

These are MohamedAhmedAE/stable-diffusion-v1-5_lora_finetuning LoRA adaption weights for stable-diffusion-v1-5/stable-diffusion-v1-5.

The weights were trained using DreamBooth with LoRA.

LoRA for the text encoder was enabled: False.

Trigger words

You should use the following prompts to generate images:

  • a cute pokemon character
  • a fire type pokemon
  • a water type pokemon with big eyes

Download model

Weights for this model are available in Safetensors format.

Download pytorch_lora_weights.safetensors in the Files & versions tab.

Training Details

  • Base Model: stable-diffusion-v1-5/stable-diffusion-v1-5
  • Training Epochs: 30
  • Batch Size: 2
  • Learning Rate: 0.0001
  • LoRA Rank: 4
  • LoRA Alpha: 32
  • Dataset: reach-vb/pokemon-blip-captions
  • Checkpoint Step: 2000

Usage

from diffusers import StableDiffusionPipeline
import torch

pipeline = StableDiffusionPipeline.from_pretrained(
    "stable-diffusion-v1-5/stable-diffusion-v1-5", 
    torch_dtype=torch.float16
).to("cuda")

pipeline.load_lora_weights("MohamedAhmedAE/stable-diffusion-v1-5_lora_finetuning")

prompt = "a cute pokemon character"
image = pipeline(prompt, num_inference_steps=20, guidance_scale=7.5).images[0]
image.save("generated_image.png")

Training Configuration

{
  "base_model": "stable-diffusion-v1-5/stable-diffusion-v1-5",
  "epochs": 30,
  "batch_size": 2,
  "learning_rate": 0.0001,
  "lora_rank": 4,
  "lora_alpha": 32,
  "resolution": 512
}
Downloads last month
76
Inference Examples
Examples
This model isn't deployed by any Inference Provider. ๐Ÿ™‹ Ask for provider support

Model tree for MohamedAhmedAE/stable-diffusion-v1-5_lora_finetuning

Adapter
(396)
this model