diffusers/examples/train_unconditional.py

192 lines
7.6 KiB
Python
Raw Normal View History

2022-06-15 03:21:02 -06:00
import argparse
2022-06-14 10:25:22 -06:00
import os
2022-06-13 08:50:30 -06:00
import torch
import torch.nn.functional as F
2022-06-15 03:21:02 -06:00
import PIL.Image
2022-06-13 08:50:30 -06:00
from accelerate import Accelerator
from datasets import load_dataset
from diffusers import DDPM, DDPMScheduler, UNetModel
2022-06-21 02:43:40 -06:00
from diffusers.hub_utils import init_git_repo, push_to_hub
from diffusers.modeling_utils import unwrap_model
from diffusers.optimization import get_scheduler
2022-06-21 02:43:40 -06:00
from diffusers.utils import logging
2022-06-14 03:33:24 -06:00
from torchvision.transforms import (
2022-06-15 07:52:23 -06:00
CenterCrop,
2022-06-14 03:33:24 -06:00
Compose,
InterpolationMode,
Lambda,
RandomHorizontalFlip,
Resize,
ToTensor,
)
2022-06-13 08:50:30 -06:00
from tqdm.auto import tqdm
2022-06-21 02:38:34 -06:00
logger = logging.get_logger(__name__)
2022-06-13 08:50:30 -06:00
2022-06-14 10:25:22 -06:00
def main(args):
accelerator = Accelerator(mixed_precision=args.mixed_precision)
model = UNetModel(
attn_resolutions=(16,),
ch=128,
ch_mult=(1, 2, 4, 8),
dropout=0.0,
num_res_blocks=2,
resamp_with_conv=True,
2022-06-15 03:21:02 -06:00
resolution=args.resolution,
2022-06-14 10:25:22 -06:00
)
2022-06-22 05:38:14 -06:00
noise_scheduler = DDPMScheduler(timesteps=1000, tensor_format="pt")
2022-06-15 03:21:02 -06:00
optimizer = torch.optim.Adam(model.parameters(), lr=args.lr)
2022-06-14 10:25:22 -06:00
augmentations = Compose(
[
2022-06-15 03:21:02 -06:00
Resize(args.resolution, interpolation=InterpolationMode.BILINEAR),
2022-06-15 06:36:43 -06:00
CenterCrop(args.resolution),
2022-06-14 10:25:22 -06:00
RandomHorizontalFlip(),
ToTensor(),
Lambda(lambda x: x * 2 - 1),
]
)
2022-06-15 03:21:02 -06:00
dataset = load_dataset(args.dataset, split="train")
2022-06-14 10:25:22 -06:00
def transforms(examples):
images = [augmentations(image.convert("RGB")) for image in examples["image"]]
return {"input": images}
dataset.set_transform(transforms)
2022-06-15 03:21:02 -06:00
train_dataloader = torch.utils.data.DataLoader(dataset, batch_size=args.batch_size, shuffle=True)
2022-06-14 10:25:22 -06:00
2022-06-21 03:35:56 -06:00
lr_scheduler = get_scheduler(
"linear",
2022-06-14 10:25:22 -06:00
optimizer=optimizer,
2022-06-15 03:21:02 -06:00
num_warmup_steps=args.warmup_steps,
num_training_steps=(len(train_dataloader) * args.num_epochs) // args.gradient_accumulation_steps,
2022-06-14 10:25:22 -06:00
)
model, optimizer, train_dataloader, lr_scheduler = accelerator.prepare(
model, optimizer, train_dataloader, lr_scheduler
)
2022-06-21 02:38:34 -06:00
if args.push_to_hub:
repo = init_git_repo(args, at_init=True)
# Train!
2022-06-21 03:21:10 -06:00
is_distributed = torch.distributed.is_available() and torch.distributed.is_initialized()
world_size = torch.distributed.get_world_size() if is_distributed else 1
2022-06-21 02:38:34 -06:00
total_train_batch_size = args.batch_size * args.gradient_accumulation_steps * world_size
max_steps = len(train_dataloader) // args.gradient_accumulation_steps * args.num_epochs
logger.info("***** Running training *****")
logger.info(f" Num examples = {len(train_dataloader.dataset)}")
logger.info(f" Num Epochs = {args.num_epochs}")
logger.info(f" Instantaneous batch size per device = {args.batch_size}")
logger.info(f" Total train batch size (w. parallel, distributed & accumulation) = {total_train_batch_size}")
logger.info(f" Gradient Accumulation steps = {args.gradient_accumulation_steps}")
logger.info(f" Total optimization steps = {max_steps}")
2022-06-15 03:21:02 -06:00
for epoch in range(args.num_epochs):
2022-06-14 10:25:22 -06:00
model.train()
with tqdm(total=len(train_dataloader), unit="ba") as pbar:
pbar.set_description(f"Epoch {epoch}")
for step, batch in enumerate(train_dataloader):
clean_images = batch["input"]
2022-06-22 05:38:14 -06:00
noise_samples = torch.randn(clean_images.shape).to(clean_images.device)
2022-06-14 10:25:22 -06:00
bsz = clean_images.shape[0]
timesteps = torch.randint(0, noise_scheduler.timesteps, (bsz,), device=clean_images.device).long()
2022-06-22 05:38:14 -06:00
# add noise onto the clean images according to the noise magnitude at each timestep
# (this is the forward diffusion process)
noisy_images = noise_scheduler.training_step(clean_images, noise_samples, timesteps)
2022-06-14 10:25:22 -06:00
2022-06-15 03:21:02 -06:00
if step % args.gradient_accumulation_steps != 0:
2022-06-14 10:25:22 -06:00
with accelerator.no_sync(model):
output = model(noisy_images, timesteps)
2022-06-15 03:21:02 -06:00
# predict the noise residual
2022-06-14 10:25:22 -06:00
loss = F.mse_loss(output, noise_samples)
2022-06-21 03:35:56 -06:00
loss = loss / args.gradient_accumulation_steps
2022-06-14 10:25:22 -06:00
accelerator.backward(loss)
else:
output = model(noisy_images, timesteps)
2022-06-15 03:21:02 -06:00
# predict the noise residual
2022-06-14 10:25:22 -06:00
loss = F.mse_loss(output, noise_samples)
2022-06-21 03:35:56 -06:00
loss = loss / args.gradient_accumulation_steps
2022-06-14 10:25:22 -06:00
accelerator.backward(loss)
torch.nn.utils.clip_grad_norm_(model.parameters(), 1.0)
optimizer.step()
lr_scheduler.step()
optimizer.zero_grad()
pbar.update(1)
pbar.set_postfix(loss=loss.detach().item(), lr=optimizer.param_groups[0]["lr"])
optimizer.step()
2022-06-21 03:21:10 -06:00
if is_distributed:
torch.distributed.barrier()
2022-06-14 10:25:22 -06:00
2022-06-15 03:21:02 -06:00
# Generate a sample image for visual inspection
2022-06-14 10:25:22 -06:00
if args.local_rank in [-1, 0]:
model.eval()
with torch.no_grad():
2022-06-21 02:38:34 -06:00
pipeline = DDPM(unet=unwrap_model(model), noise_scheduler=noise_scheduler)
2022-06-15 03:21:02 -06:00
generator = torch.manual_seed(0)
2022-06-14 10:25:22 -06:00
# run pipeline in inference (sample random noise and denoise)
image = pipeline(generator=generator)
2022-06-21 03:21:10 -06:00
# process image to PIL
image_processed = image.cpu().permute(0, 2, 3, 1)
image_processed = (image_processed + 1.0) * 127.5
image_processed = image_processed.type(torch.uint8).numpy()
image_pil = PIL.Image.fromarray(image_processed[0])
# save image
test_dir = os.path.join(args.output_dir, "test_samples")
os.makedirs(test_dir, exist_ok=True)
2022-06-22 05:38:14 -06:00
image_pil.save(f"{test_dir}/{epoch:04d}.png")
2022-06-14 10:25:22 -06:00
2022-06-21 03:21:10 -06:00
# save the model
if args.push_to_hub:
push_to_hub(args, pipeline, repo, commit_message=f"Epoch {epoch}", blocking=False)
else:
pipeline.save_pretrained(args.output_dir)
if is_distributed:
torch.distributed.barrier()
2022-06-14 10:25:22 -06:00
if __name__ == "__main__":
2022-06-15 03:21:02 -06:00
parser = argparse.ArgumentParser(description="Simple example of a training script.")
2022-06-21 02:38:34 -06:00
parser.add_argument("--local_rank", type=int, default=-1)
2022-06-15 03:21:02 -06:00
parser.add_argument("--dataset", type=str, default="huggan/flowers-102-categories")
2022-06-21 03:21:10 -06:00
parser.add_argument("--output_dir", type=str, default="ddpm-model")
parser.add_argument("--overwrite_output_dir", action="store_true")
2022-06-15 03:21:02 -06:00
parser.add_argument("--resolution", type=int, default=64)
2022-06-21 03:21:10 -06:00
parser.add_argument("--batch_size", type=int, default=16)
2022-06-15 03:21:02 -06:00
parser.add_argument("--num_epochs", type=int, default=100)
2022-06-15 06:36:43 -06:00
parser.add_argument("--gradient_accumulation_steps", type=int, default=1)
2022-06-15 03:21:02 -06:00
parser.add_argument("--lr", type=float, default=1e-4)
parser.add_argument("--warmup_steps", type=int, default=500)
2022-06-21 02:38:34 -06:00
parser.add_argument("--push_to_hub", action="store_true")
2022-06-21 03:21:10 -06:00
parser.add_argument("--hub_token", type=str, default=None)
parser.add_argument("--hub_model_id", type=str, default=None)
parser.add_argument("--hub_private_repo", action="store_true")
2022-06-14 10:25:22 -06:00
parser.add_argument(
"--mixed_precision",
type=str,
default="no",
choices=["no", "fp16", "bf16"],
2022-06-15 04:35:47 -06:00
help=(
"Whether to use mixed precision. Choose"
"between fp16 and bf16 (bfloat16). Bf16 requires PyTorch >= 1.10."
"and an Nvidia Ampere GPU."
),
2022-06-14 10:25:22 -06:00
)
args = parser.parse_args()
env_local_rank = int(os.environ.get("LOCAL_RANK", -1))
if env_local_rank != -1 and env_local_rank != args.local_rank:
args.local_rank = env_local_rank
main(args)