|
--- |
|
base_model: stabilityai/stable-diffusion-2-1 |
|
library_name: diffusers |
|
license: creativeml-openrail-m |
|
tags: |
|
- stable-diffusion |
|
- stable-diffusion-diffusers |
|
- text-to-image |
|
- diffusers |
|
- diffusers-training |
|
- lora |
|
- stable-diffusion |
|
- stable-diffusion-diffusers |
|
- text-to-image |
|
- diffusers |
|
- diffusers-training |
|
- lora |
|
inference: true |
|
datasets: |
|
- vwu142/Pokemon-Card-Plus-Pokemon-Actual-Image-And-Captions-13000 |
|
--- |
|
|
|
<!-- This model card has been generated automatically according to the information the training script had access to. You |
|
should probably proofread and complete it, then remove this comment. --> |
|
|
|
|
|
# LoRA text2image fine-tuning - vwu142/pokemon-lora |
|
These are LoRA adaption weights for stabilityai/stable-diffusion-2-1. The weights were fine-tuned on the vwu142/Pokemon-Card-Plus-Pokemon-Actual-Image-And-Captions-13000 dataset. You can find some example images in the following. |
|
|
|
data:image/s3,"s3://crabby-images/d6fe5/d6fe511f69f82119f742f81248c286db162ba950" alt="img_0" |
|
data:image/s3,"s3://crabby-images/e9dd6/e9dd6df9853c17ec88b667c05b305dbd0738b902" alt="img_1" |
|
data:image/s3,"s3://crabby-images/cd084/cd084162f09d4033899863944dfc5d3f1d495495" alt="img_2" |
|
|
|
|
|
|
|
## Intended uses & limitations |
|
|
|
#### How to use |
|
|
|
```python |
|
# Importing LoRA Weights |
|
from huggingface_hub import model_info |
|
|
|
# LoRA weights ~3 MB |
|
model_path = "vwu142/pokemon-lora" |
|
|
|
# Getting Base Model |
|
info = model_info(model_path) |
|
model_base = info.cardData["base_model"] |
|
print(model_base) |
|
|
|
# Importing the Diffusion model with the weights added |
|
import torch |
|
from diffusers import StableDiffusionPipeline, DPMSolverMultistepScheduler |
|
|
|
pipe = StableDiffusionPipeline.from_pretrained(model_base, torch_dtype=torch.float16) |
|
pipe.scheduler = DPMSolverMultistepScheduler.from_config(pipe.scheduler.config) |
|
pipe.unet.load_attn_procs(model_path) |
|
pipe.to("cuda") |
|
``` |
|
|
|
## Training details |
|
|
|
The weights were trained on the Free GPU provided in Google Collab. |
|
|
|
The data it was trained on comes from this dataset: |
|
https://huggingface.co/datasets/vwu142/Pokemon-Card-Plus-Pokemon-Actual-Image-And-Captions-13000 |
|
|
|
It has images of pokemon cards and pokemon with various descriptions of the image. |
|
|
|
|
|
This was the parameters and the script used to train the weights |
|
|
|
```python |
|
!accelerate launch --mixed_precision="fp16" diffusers/examples/text_to_image/train_text_to_image_lora.py \ |
|
--pretrained_model_name_or_path=$MODEL_NAME \ |
|
--mixed_precision="fp16" \ |
|
--dataset_name=$DATASET_NAME --caption_column="caption"\ |
|
--dataloader_num_workers=8 \ |
|
--resolution=512 --center_crop --random_flip \ |
|
--train_batch_size=1 \ |
|
--gradient_accumulation_steps=4 \ |
|
--max_train_steps=1500 \ |
|
--learning_rate=1e-04 \ |
|
--max_grad_norm=1 \ |
|
--lr_scheduler="cosine" --lr_warmup_steps=0 \ |
|
--output_dir=${OUTPUT_DIR} \ |
|
--push_to_hub \ |
|
--hub_model_id=${HUB_MODEL_ID} \ |
|
--report_to=wandb \ |
|
--checkpointing_steps=500 \ |
|
--validation_prompt="Ludicolo" \ |
|
--seed=1337 |
|
``` |