mirror of https://github.com/hpcaitech/ColossalAI
[example] fix save_load bug for dreambooth (#2280)
parent
f027ef7913
commit
1405b4381e
@ -1,20 +1,22 @@
|
||||
export MODEL_NAME="CompVis/stable-diffusion-v1-4"
|
||||
export INSTANCE_DIR="input"
|
||||
export OUTPUT_DIR="output"
|
||||
INSTANCE_PROMPT="a photo of sks dog"
|
||||
HF_DATASETS_OFFLINE=1
|
||||
TRANSFORMERS_OFFLINE=1
|
||||
export MODEL_NAME= <Your Pretrained Model Path>
|
||||
export INSTANCE_DIR= <Your Input Pics Path>
|
||||
export CLASS_DIR="path-to-class-images"
|
||||
export OUTPUT_DIR="path-to-save-model"
|
||||
|
||||
HF_DATASETS_OFFLINE=1
|
||||
TRANSFORMERS_OFFLINE=1
|
||||
DIFFUSERS_OFFLINE=1
|
||||
|
||||
torchrun --nproc_per_node 2 --master_port=25641 train_dreambooth_colossalai.py \
|
||||
--pretrained_model_name_or_path=$MODEL_NAME \
|
||||
--instance_data_dir=$INSTANCE_DIR \
|
||||
--output_dir=$OUTPUT_DIR \
|
||||
--instance_prompt="a photo of a dog" \
|
||||
--resolution=512 \
|
||||
--train_batch_size=1 \
|
||||
--gradient_accumulation_steps=1 \
|
||||
--learning_rate=5e-6 \
|
||||
--instance_prompt=INSTANCE_PROMPT \
|
||||
--lr_scheduler="constant" \
|
||||
--lr_warmup_steps=0 \
|
||||
--max_train_steps=400 \
|
||||
--placement="cpu"
|
||||
--num_class_images=200 \
|
||||
--placement="cuda" \
|
||||
|
@ -0,0 +1,12 @@
|
||||
python train_dreambooth.py \
|
||||
--pretrained_model_name_or_path= ## Your Model Path \
|
||||
--instance_data_dir= ## Your Training Input Pics Path \
|
||||
--output_dir="path-to-save-model" \
|
||||
--instance_prompt="a photo of a dog" \
|
||||
--resolution=512 \
|
||||
--train_batch_size=1 \
|
||||
--gradient_accumulation_steps=1 \
|
||||
--learning_rate=5e-6 \
|
||||
--lr_scheduler="constant" \
|
||||
--lr_warmup_steps=0 \
|
||||
--num_class_images=200 \
|
@ -0,0 +1,12 @@
|
||||
from diffusers import StableDiffusionPipeline, DiffusionPipeline
|
||||
import torch
|
||||
|
||||
model_id = <Your Model Path>
|
||||
print(f"Loading model... from{model_id}")
|
||||
|
||||
pipe = DiffusionPipeline.from_pretrained(model_id, torch_dtype=torch.float16).to("cuda")
|
||||
|
||||
prompt = "A photo of an apple."
|
||||
image = pipe(prompt, num_inference_steps=50, guidance_scale=7.5).images[0]
|
||||
|
||||
image.save("output.png")
|
@ -1,19 +0,0 @@
|
||||
export MODEL_NAME="CompVis/stable-diffusion-v1-4"
|
||||
export INSTANCE_DIR="input"
|
||||
export OUTPUT_DIR="output"
|
||||
HF_DATASETS_OFFLINE=1
|
||||
TRANSFORMERS_OFFLINE=1
|
||||
DIFFUSERS_OFFLINE=1
|
||||
|
||||
accelerate launch train_dreambooth.py \
|
||||
--pretrained_model_name_or_path=$MODEL_NAME \
|
||||
--instance_data_dir=$INSTANCE_DIR \
|
||||
--output_dir=$OUTPUT_DIR \
|
||||
--instance_prompt="a photo of sks dog" \
|
||||
--resolution=512 \
|
||||
--train_batch_size=1 \
|
||||
--gradient_accumulation_steps=1 \
|
||||
--learning_rate=5e-6 \
|
||||
--lr_scheduler="constant" \
|
||||
--lr_warmup_steps=0 \
|
||||
--max_train_steps=400
|
Loading…
Reference in new issue