Spaces:
Sleeping
Sleeping
# Copyright 2024 The HuggingFace Team and The MeissonFlow Team. All rights reserved. | |
# | |
# Licensed under the Apache License, Version 2.0 (the "License"); | |
# you may not use this file except in compliance with the License. | |
# You may obtain a copy of the License at | |
# | |
# http://www.apache.org/licenses/LICENSE-2.0 | |
# | |
# Unless required by applicable law or agreed to in writing, software | |
# distributed under the License is distributed on an "AS IS" BASIS, | |
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. | |
# See the License for the specific language governing permissions and | |
# limitations under the License. | |
import argparse | |
import copy | |
import logging | |
import math | |
import os | |
from pathlib import Path | |
import sys | |
sys.path.append(os.getcwd()) | |
import json | |
import gc | |
import torch | |
import torch.nn.functional as F | |
from torch import nn | |
from accelerate import Accelerator | |
from accelerate.logging import get_logger | |
from accelerate.utils import ProjectConfiguration, set_seed | |
from peft import LoraConfig | |
from peft.utils import get_peft_model_state_dict | |
from torch.utils.data import DataLoader | |
from torchvision import transforms | |
from transformers.models.gemma2.modeling_gemma2 import Gemma2Model | |
from transformers.models.gemma.tokenization_gemma_fast import GemmaTokenizerFast | |
from transformers import ( | |
CLIPTextModelWithProjection, | |
CLIPTokenizer, | |
CLIPImageProcessor, | |
CLIPVisionModelWithProjection, | |
) | |
import diffusers.optimization | |
from diffusers import VQModel | |
from src.scheduler import Scheduler | |
from diffusers.loaders import LoraLoaderMixin | |
from diffusers.utils import is_wandb_available | |
from src.pipeline import UnifiedPipeline_new | |
from torchvision.utils import save_image, make_grid | |
from train.trainer_utils import save_checkpoint | |
from train.dataset_utils import ImageCaptionLargeDataset | |
from train.dataset_utils import encode_prompt | |
from src.transformer import SymmetricTransformer2DModel | |
from train.trainer_utils import load_images_to_tensor | |
if is_wandb_available(): | |
import wandb | |
# wandb.login(key="") | |
logger = get_logger(__name__, log_level="INFO") | |
import torch._dynamo | |
torch._dynamo.config.verbose = True | |
# Optionally suppress errors to fall back to eager execution | |
torch._dynamo.config.suppress_errors = True | |
def parse_args(): | |
parser = argparse.ArgumentParser() | |
parser.add_argument( | |
"--pretrained_model_name_or_path", | |
type=str, | |
default=None, | |
required=True, | |
help="Path to pretrained model or model identifier from huggingface.co/models.", | |
) | |
parser.add_argument( | |
"--pretrained_transformer_path", | |
type=str, | |
default=None, | |
required=True, | |
help="Path to pretrained model or model identifier from huggingface.co/models.", | |
) | |
parser.add_argument( | |
"--text_encoder_architecture", | |
type=str, | |
default="open_clip", | |
required=False, | |
help="The architecture of the text encoder. One of ['open_clip', 'gemma']", | |
) | |
parser.add_argument( | |
"--clip_model_name_or_path", | |
type=str, | |
default=None, | |
required=True, | |
help="Path to pretrained model or model identifier from huggingface.co/models.", | |
) | |
parser.add_argument( | |
"--text_encoder_2_name_or_path", | |
type=str, | |
default=None, | |
required=False, | |
help="Path to pretrained model or model identifier from huggingface.co/models.", | |
) | |
parser.add_argument( | |
"--instance_dataset", | |
type=str, | |
default=None, | |
required=False, | |
help="The dataset to use for training. One of ['MSCOCO600K', 'PickaPicV2']", | |
) | |
parser.add_argument( | |
"--instance_data_dir", | |
type=str, | |
default=None, | |
required=False, | |
help="A folder containing the training data of instance images.", | |
) | |
parser.add_argument( | |
"--training_from_scratch", | |
type=bool, | |
default=False, | |
required=False | |
) | |
parser.add_argument( | |
"--revision", | |
type=str, | |
default=None, | |
required=False, | |
help="Revision of pretrained model identifier from huggingface.co/models.", | |
) | |
parser.add_argument( | |
"--variant", | |
type=str, | |
default=None, | |
help="Variant of the model files of the pretrained model identifier from huggingface.co/models, 'e.g.' fp16", | |
) | |
parser.add_argument( | |
"--instance_data_image", type=str, default=None, required=False, help="A single training image" | |
) | |
parser.add_argument( | |
"--use_8bit_adam", action="store_true", help="Whether or not to use 8-bit Adam from bitsandbytes." | |
) | |
parser.add_argument( | |
"--dataloader_num_workers", | |
type=int, | |
default=0, | |
help=( | |
"Number of subprocesses to use for data loading. 0 means that the data will be loaded in the main process." | |
), | |
) | |
parser.add_argument( | |
"--allow_tf32", | |
action="store_true", | |
help=( | |
"Whether or not to allow TF32 on Ampere GPUs. Can be used to speed up training. For more information, see" | |
" https://pytorch.org/docs/stable/notes/cuda.html#tensorfloat-32-tf32-on-ampere-devices" | |
), | |
) | |
parser.add_argument("--use_ema", action="store_true", help="Whether to use EMA model.") | |
parser.add_argument("--ema_decay", type=float, default=0.9999) | |
parser.add_argument("--ema_update_after_step", type=int, default=0) | |
parser.add_argument("--adam_beta1", type=float, default=0.9, help="The beta1 parameter for the Adam optimizer.") | |
parser.add_argument("--adam_beta2", type=float, default=0.999, help="The beta2 parameter for the Adam optimizer.") | |
parser.add_argument("--adam_weight_decay", type=float, default=1e-2, help="Weight decay to use.") | |
parser.add_argument("--adam_epsilon", type=float, default=1e-08, help="Epsilon value for the Adam optimizer") | |
parser.add_argument( | |
"--output_dir", | |
type=str, | |
default="muse_training", | |
help="The output directory where the model predictions and checkpoints will be written.", | |
) | |
parser.add_argument("--seed", type=int, default=None, help="A seed for reproducible training.") | |
parser.add_argument( | |
"--logging_dir", | |
type=str, | |
default="logs", | |
help=( | |
"[TensorBoard](https://www.tensorflow.org/tensorboard) log directory. Will default to" | |
" *output_dir/runs/**CURRENT_DATETIME_HOSTNAME***." | |
), | |
) | |
parser.add_argument( | |
"--max_train_steps", | |
type=int, | |
default=None, | |
help="Total number of training steps to perform. If provided, overrides num_train_epochs.", | |
) | |
parser.add_argument( | |
"--checkpointing_steps", | |
type=int, | |
default=500, | |
help=( | |
"Save a checkpoint of the training state every X updates. Checkpoints can be used for resuming training via `--resume_from_checkpoint`. " | |
"In the case that the checkpoint is better than the final trained model, the checkpoint can also be used for inference." | |
"Using a checkpoint for inference requires separate loading of the original pipeline and the individual checkpointed model components." | |
"See https://huggingface.co/docs/diffusers/main/en/training/dreambooth#performing-inference-using-a-saved-checkpoint for step by step" | |
"instructions." | |
), | |
) | |
parser.add_argument( | |
"--logging_steps", | |
type=int, | |
default=50, | |
) | |
parser.add_argument( | |
"--checkpoints_total_limit", | |
type=int, | |
default=None, | |
help=( | |
"Max number of checkpoints to store. Passed as `total_limit` to the `Accelerator` `ProjectConfiguration`." | |
" See Accelerator::save_state https://huggingface.co/docs/accelerate/package_reference/accelerator#accelerate.Accelerator.save_state" | |
" for more details" | |
), | |
) | |
parser.add_argument( | |
"--resume_from_checkpoint", | |
type=str, | |
default=None, | |
help=( | |
"Whether training should be resumed from a previous checkpoint. Use a path saved by" | |
' `--checkpointing_steps`, or `"latest"` to automatically select the last available checkpoint.' | |
), | |
) | |
parser.add_argument( | |
"--train_batch_size", type=int, default=16, help="Batch size (per device) for the training dataloader." | |
) | |
parser.add_argument( | |
"--gradient_accumulation_steps", | |
type=int, | |
default=1, | |
help="Number of updates steps to accumulate before performing a backward/update pass.", | |
) | |
parser.add_argument( | |
"--text_loss_reduction", | |
type=str, | |
default="mean", | |
help="The reduction method for the text loss. One of ['mean', 'reweighted']", | |
) | |
parser.add_argument( | |
"--text_loss_weight", | |
type=float, | |
default=0.2, | |
) | |
parser.add_argument( | |
"--learning_rate", | |
type=float, | |
default=0.0003, | |
help="Initial learning rate (after the potential warmup period) to use.", | |
) | |
parser.add_argument( | |
"--scale_lr", | |
action="store_true", | |
default=False, | |
help="Scale the learning rate by the number of GPUs, gradient accumulation steps, and batch size.", | |
) | |
parser.add_argument( | |
"--lr_scheduler", | |
type=str, | |
default="constant", | |
help=( | |
'The scheduler type to use. Choose between ["linear", "cosine", "cosine_with_restarts", "polynomial",' | |
' "constant", "constant_with_warmup"]' | |
), | |
) | |
parser.add_argument( | |
"--lr_warmup_steps", type=int, default=500, help="Number of steps for the warmup in the lr scheduler." | |
) | |
parser.add_argument( | |
"--validation_steps", | |
type=int, | |
default=100, | |
help=( | |
"Run validation every X steps. Validation consists of running the prompt" | |
" `args.validation_prompt` multiple times: `args.num_validation_images`" | |
" and logging the images." | |
), | |
) | |
parser.add_argument( | |
"--mixed_precision", | |
type=str, | |
default=None, | |
choices=["no", "fp16", "bf16"], | |
help=( | |
"Whether to use mixed precision. Choose between fp16 and bf16 (bfloat16). Bf16 requires PyTorch >=" | |
" 1.10.and an Nvidia Ampere GPU. Default to the value of accelerate config of the current system or the" | |
" flag passed with the `accelerate.launch` command. Use this argument to override the accelerate config." | |
), | |
) | |
parser.add_argument( | |
"--report_to", | |
type=str, | |
default="wandb", | |
help=( | |
'The integration to report the results and logs to. Supported platforms are `"tensorboard"`' | |
' (default), `"wandb"` and `"comet_ml"`. Use `"all"` to report to all integrations.' | |
), | |
) | |
parser.add_argument("--validation_prompts", type=str, nargs="*") | |
parser.add_argument("--validation_images", type=str, default="./assets") | |
parser.add_argument( | |
"--resolution", | |
type=int, | |
default=512, | |
help=( | |
"The resolution for input images, all the images in the train/validation dataset will be resized to this" | |
" resolution" | |
), | |
) | |
parser.add_argument("--split_vae_encode", type=int, required=False, default=None) | |
parser.add_argument("--min_masking_rate", type=float, default=0.0) | |
parser.add_argument("--cond_dropout_prob", type=float, default=0.0) | |
parser.add_argument("--max_grad_norm", default=50.0, type=float, help="Max gradient norm.", required=False) | |
parser.add_argument("--use_lora", action="store_true", help="Fine tune the model using LoRa") | |
parser.add_argument("--text_encoder_use_lora", action="store_true", help="Fine tune the model using LoRa") | |
parser.add_argument("--lora_r", default=16, type=int) | |
parser.add_argument("--lora_alpha", default=32, type=int) | |
parser.add_argument("--lora_target_modules", default=["to_q", "to_k", "to_v"], type=str, nargs="+") | |
parser.add_argument("--text_encoder_lora_r", default=16, type=int) | |
parser.add_argument("--text_encoder_lora_alpha", default=32, type=int) | |
parser.add_argument("--text_encoder_lora_target_modules", default=["to_q", "to_k", "to_v"], type=str, nargs="+") | |
parser.add_argument("--train_text_encoder", action="store_true") | |
parser.add_argument("--image_to_text_only", action="store_true") | |
parser.add_argument("--image_key", type=str, required=False) | |
parser.add_argument("--prompt_key", type=str, required=False) | |
parser.add_argument( | |
"--gradient_checkpointing", | |
action="store_true", | |
help="Whether or not to use gradient checkpointing to save memory at the expense of slower backward pass.", | |
) | |
parser.add_argument("--prompt_prefix", type=str, required=False, default=None) | |
args = parser.parse_args() | |
if args.report_to == "wandb": | |
if not is_wandb_available(): | |
raise ImportError("Make sure to install wandb if you want to use it for logging during training.") | |
num_datasources = sum( | |
[x is not None for x in [args.instance_data_dir, args.instance_data_image]] | |
) | |
if num_datasources != 1: | |
raise ValueError( | |
"provide one and only one of `--instance_data_dir`, `--instance_data_image`, or `--instance_data_dataset`" | |
) | |
if args.instance_data_dir is not None: | |
if not os.path.exists(args.instance_data_dir): | |
raise ValueError(f"Does not exist: `--args.instance_data_dir` {args.instance_data_dir}") | |
if args.instance_data_image is not None: | |
if not os.path.exists(args.instance_data_image): | |
raise ValueError(f"Does not exist: `--args.instance_data_image` {args.instance_data_image}") | |
return args | |
def _prepare_latent_image_ids(batch_size, height, width, device, dtype): | |
latent_image_ids = torch.zeros(height // 2, width // 2, 3) | |
latent_image_ids[..., 1] = latent_image_ids[..., 1] + torch.arange(height // 2)[:, None] | |
latent_image_ids[..., 2] = latent_image_ids[..., 2] + torch.arange(width // 2)[None, :] | |
latent_image_id_height, latent_image_id_width, latent_image_id_channels = latent_image_ids.shape | |
latent_image_ids = latent_image_ids.reshape( | |
latent_image_id_height * latent_image_id_width, latent_image_id_channels | |
) | |
return latent_image_ids.to(device=device, dtype=dtype) | |
def main(args): | |
if args.allow_tf32: | |
torch.backends.cuda.matmul.allow_tf32 = True | |
logging_dir = Path(args.output_dir, args.logging_dir) | |
accelerator_project_config = ProjectConfiguration(project_dir=args.output_dir, logging_dir=logging_dir) | |
accelerator = Accelerator( | |
gradient_accumulation_steps=args.gradient_accumulation_steps, | |
mixed_precision=args.mixed_precision, | |
log_with=args.report_to, | |
project_config=accelerator_project_config, | |
) | |
if accelerator.is_main_process: | |
os.makedirs(args.output_dir, exist_ok=True) | |
# Make one log on every process with the configuration for debugging. | |
logging.basicConfig( | |
format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", | |
datefmt="%m/%d/%Y %H:%M:%S", | |
level=logging.INFO, | |
) | |
logger.info(accelerator.state, main_process_only=False) | |
# if accelerator.is_main_process: | |
# accelerator.init_trackers("meissonic", config=vars(copy.deepcopy(args))) | |
if args.seed is not None: | |
set_seed(args.seed) | |
# Initialize image processor and image encoder (CLIP Vision Model with Projection) | |
image_encoder = CLIPVisionModelWithProjection.from_pretrained( | |
args.clip_model_name_or_path | |
) | |
image_processor = CLIPImageProcessor.from_pretrained( | |
args.clip_model_name_or_path | |
) | |
# Freeze image encoder parameters | |
image_encoder.requires_grad_(False) | |
text_encoder = CLIPTextModelWithProjection.from_pretrained( | |
args.clip_model_name_or_path | |
) | |
tokenizer = CLIPTokenizer.from_pretrained( | |
args.clip_model_name_or_path | |
) | |
text_encoder.requires_grad_(False) | |
if args.text_encoder_architecture == "open_clip": | |
tokenizer_2 = None | |
text_encoder_2 = None | |
mask_token = "<mask>" | |
num_new_tokens = tokenizer.add_tokens(mask_token) | |
mask_id_1 = tokenizer.convert_tokens_to_ids(mask_token) | |
if num_new_tokens > 0: | |
text_encoder.resize_token_embeddings(len(tokenizer)) | |
mask_token_embedding = text_encoder.get_input_embeddings().weight[mask_id_1] | |
mask_token_embedding = mask_token_embedding.clone().detach().cpu().float() | |
if accelerator.is_main_process: | |
print("Saving masked token embedding...") | |
torch.save(mask_token_embedding, os.path.join(args.output_dir, "mask_token_embedding.pth")) | |
elif args.text_encoder_architecture == "gemma": | |
tokenizer_2 = GemmaTokenizerFast.from_pretrained( | |
args.text_encoder_name_or_path, | |
) | |
text_encoder_2 = Gemma2Model.from_pretrained( | |
args.text_encoder_name_or_path, | |
) | |
mask_token = "<mask>" | |
num_new_tokens = tokenizer_2.add_tokens(mask_token) | |
mask_id_2 = tokenizer_2.convert_tokens_to_ids(mask_token) | |
if num_new_tokens > 0: | |
text_encoder_2.resize_token_embeddings(len(tokenizer_2)) | |
mask_token_embedding = text_encoder_2.get_input_embeddings().weight[mask_id_2] | |
mask_token_embedding = mask_token_embedding.clone().detach().cpu().float() | |
if accelerator.is_main_process: | |
print("Saving masked token embedding...") | |
torch.save(mask_token_embedding, os.path.join(args.output_dir, "mask_token_embedding.pth")) | |
text_encoder_2.requires_grad_(False) | |
else: | |
raise ValueError(f"Unknown text encoder architecture: {args.text_encoder_architecture}") | |
vq_model = VQModel.from_pretrained( | |
args.pretrained_model_name_or_path, subfolder="vqvae", revision=args.revision, variant=args.variant | |
) | |
vq_model.requires_grad_(False) | |
model = SymmetricTransformer2DModel.from_pretrained( | |
args.pretrained_transformer_path, | |
subfolder="transformer", | |
low_cpu_mem_usage=False, | |
device_map=None | |
) | |
if model.config.tokenizer_vocab_size is None: | |
if args.text_encoder_architecture == "open_clip": | |
model.register_to_config(tokenizer_vocab_size=len(tokenizer)) | |
elif args.text_encoder_architecture == "gemma": | |
model.register_to_config(tokenizer_vocab_size=len(tokenizer_2)) | |
else: | |
raise ValueError(f"Unknown text encoder architecture!") | |
if accelerator.is_main_process: | |
print(f"model's tokenizer vocab size is {model.config.tokenizer_vocab_size}") | |
model.text_decoder = nn.Sequential( | |
nn.LayerNorm(model.inner_dim, elementwise_affine=False, eps=1e-6), | |
nn.Linear(model.inner_dim, model.config.tokenizer_vocab_size, bias=False) | |
) | |
model = torch.compile(model) | |
if args.use_lora: | |
lora_config = LoraConfig( | |
r=args.lora_r, | |
lora_alpha=args.lora_alpha, | |
target_modules=args.lora_target_modules, | |
) | |
model.add_adapter(lora_config) | |
model.train() | |
if args.image_to_text_only: | |
frozen_keys = ["project_from_hidden", "up_block", "mlm_layer"] | |
for n, p in model.named_parameters(): | |
if any([frozen_key in n for frozen_key in frozen_keys]): | |
p.requires_grad_(False) | |
else: | |
p.requires_grad_(True) | |
else: | |
model.requires_grad_(True) | |
if args.gradient_checkpointing: | |
model.enable_gradient_checkpointing() | |
def save_model_hook(models, weights, output_dir): | |
if accelerator.is_main_process: | |
transformer_lora_layers_to_save = None | |
text_encoder_lora_layers_to_save = None | |
for model_ in models: | |
if isinstance(model_, type(accelerator.unwrap_model(model))): | |
if args.use_lora: | |
transformer_lora_layers_to_save = get_peft_model_state_dict(model_) | |
else: | |
model_.save_pretrained(os.path.join(output_dir, "transformer")) | |
elif isinstance(model_, type(accelerator.unwrap_model(text_encoder))): | |
if args.text_encoder_use_lora: | |
text_encoder_lora_layers_to_save = get_peft_model_state_dict(model_) | |
else: | |
model_.save_pretrained(os.path.join(output_dir, "text_encoder")) | |
else: | |
raise ValueError(f"unexpected save model: {model_.__class__}") | |
# make sure to pop weight so that corresponding model is not saved again | |
weights.pop() | |
if transformer_lora_layers_to_save is not None or text_encoder_lora_layers_to_save is not None: | |
LoraLoaderMixin.save_lora_weights( | |
output_dir, | |
unet_lora_layers=transformer_lora_layers_to_save, | |
text_encoder_lora_layers=text_encoder_lora_layers_to_save, | |
) | |
def load_model_hook(models, input_dir): | |
transformer = None | |
text_encoder_ = None | |
# this part is added for keep consistency when add model.compile() in the model | |
def adap_compile(ori_dict):#add '_orig_mod.' to each key | |
new_dict = {} | |
for k,v in ori_dict.items(): | |
new_dict['_orig_mod.' + k] = v | |
return new_dict | |
while len(models) > 0: | |
model_ = models.pop() | |
if isinstance(model_, type(accelerator.unwrap_model(model))): | |
if args.use_lora: | |
transformer = model_ | |
else: | |
load_model = SymmetricTransformer2DModel.from_pretrained(os.path.join(input_dir, "transformer"), low_cpu_mem_usage=False, device_map=None) | |
model_.load_state_dict(adap_compile(load_model.state_dict())) | |
del load_model | |
elif isinstance(model_, type(accelerator.unwrap_model(text_encoder))): | |
if args.text_encoder_use_lora: | |
text_encoder_ = model_ | |
else: | |
try: | |
load_model = CLIPTextModelWithProjection.from_pretrained(os.path.join(input_dir, "text_encoder")) | |
model_.load_state_dict(load_model.state_dict()) | |
# print('finished loading text encoder!') | |
except: | |
print('Not found text-encoder model in current folder. So we download one text encoder from Internet.') | |
load_model = CLIPTextModelWithProjection.from_pretrained("laion/CLIP-ViT-H-14-laion2B-s32B-b79K") | |
model_.load_state_dict(load_model.state_dict()) | |
del load_model | |
else: | |
raise ValueError(f"unexpected save model: {model.__class__}") | |
if transformer is not None or text_encoder_ is not None: | |
lora_state_dict, network_alphas = LoraLoaderMixin.lora_state_dict(input_dir) | |
LoraLoaderMixin.load_lora_into_text_encoder( | |
lora_state_dict, network_alphas=network_alphas, text_encoder=text_encoder_ | |
) | |
LoraLoaderMixin.load_lora_into_transformer( | |
lora_state_dict, network_alphas=network_alphas, transformer=transformer | |
) | |
accelerator.register_load_state_pre_hook(load_model_hook) | |
accelerator.register_save_state_pre_hook(save_model_hook) | |
if args.scale_lr: | |
args.learning_rate = ( | |
args.learning_rate * args.train_batch_size * accelerator.num_processes * args.gradient_accumulation_steps | |
) | |
if args.use_8bit_adam: | |
try: | |
import bitsandbytes as bnb | |
except ImportError: | |
raise ImportError( | |
"Please install bitsandbytes to use 8-bit Adam. You can do so by running `pip install bitsandbytes`" | |
) | |
optimizer_cls = bnb.optim.AdamW8bit | |
else: | |
optimizer_cls = torch.optim.AdamW | |
optimizer_grouped_parameters = [ | |
{ | |
"params": [p for p in model.parameters() if p.requires_grad], | |
"weight_decay": args.adam_weight_decay, | |
} | |
] | |
optimizer = optimizer_cls( | |
optimizer_grouped_parameters, | |
lr=args.learning_rate, | |
betas=(args.adam_beta1, args.adam_beta2), | |
weight_decay=args.adam_weight_decay, | |
eps=args.adam_epsilon, | |
) | |
logger.info("Creating dataloaders and lr_scheduler") | |
total_batch_size = args.train_batch_size * accelerator.num_processes * args.gradient_accumulation_steps | |
if args.text_encoder_architecture in ("t5_clip", "gemma"): | |
tokenizer_for_dataset = [tokenizer, tokenizer_2] | |
else: | |
tokenizer_for_dataset = tokenizer | |
if args.instance_dataset == "ImageCaptionLargeDataset": | |
dataset = ImageCaptionLargeDataset( | |
root_dir=args.instance_data_dir, | |
tokenizer=tokenizer_for_dataset, | |
size=args.resolution, | |
text_encoder_architecture=args.text_encoder_architecture | |
) | |
elif args.instance_dataset == "DATA_TYPE": | |
raise NotImplementedError("DATA_TYPE is not yet supported") | |
else: | |
assert False | |
def collate_fn(samples): | |
images = [sample["image"] for sample in samples] | |
micro_conds = [sample["micro_conds"] for sample in samples] | |
images = torch.stack(images, dim=0) | |
micro_conds = torch.stack(micro_conds, dim=0) | |
if isinstance(samples[0]["prompt_input_ids"], list): | |
input_ids = [sample["prompt_input_ids"][0] for sample in samples] | |
input_ids_2 = [sample["prompt_input_ids"][1] for sample in samples] | |
input_ids = torch.cat(input_ids, dim=0) | |
input_ids_2 = torch.cat(input_ids_2, dim=0) | |
prompt_input_ids = [input_ids, input_ids_2] | |
else: | |
input_ids = [sample["prompt_input_ids"] for sample in samples] | |
input_ids = torch.cat(input_ids, dim=0) | |
prompt_input_ids = input_ids | |
ret = dict( | |
images=images, | |
micro_conds=micro_conds, | |
prompt_input_ids=prompt_input_ids, | |
) | |
return ret | |
train_dataloader = DataLoader( | |
dataset, | |
batch_size=args.train_batch_size, | |
shuffle=True, | |
num_workers=args.dataloader_num_workers, | |
collate_fn=collate_fn, | |
pin_memory=True, | |
) | |
train_dataloader.num_batches = len(train_dataloader) | |
lr_scheduler = diffusers.optimization.get_scheduler( | |
args.lr_scheduler, | |
optimizer=optimizer, | |
num_training_steps=args.max_train_steps * accelerator.num_processes, | |
num_warmup_steps=args.lr_warmup_steps * accelerator.num_processes, | |
) | |
logger.info("Preparing model, optimizer and dataloaders") | |
model, optimizer, lr_scheduler, train_dataloader = accelerator.prepare( | |
model, optimizer, lr_scheduler, train_dataloader | |
) | |
train_dataloader.num_batches = len(train_dataloader) | |
weight_dtype = torch.float32 | |
if accelerator.mixed_precision == "fp16": | |
weight_dtype = torch.float16 | |
elif accelerator.mixed_precision == "bf16": | |
weight_dtype = torch.bfloat16 | |
image_encoder.to(device=accelerator.device, dtype=weight_dtype) | |
if args.text_encoder_architecture in ("t5_clip", "gemma"): | |
text_encoder.to(device=accelerator.device, dtype=weight_dtype) | |
text_encoder_2.to(device=accelerator.device, dtype=weight_dtype) | |
else: | |
text_encoder.to(device=accelerator.device, dtype=weight_dtype) | |
vq_model.to(device=accelerator.device) | |
# We need to recalculate our total training steps as the size of the training dataloader may have changed. | |
num_update_steps_per_epoch = math.ceil(train_dataloader.num_batches / args.gradient_accumulation_steps) | |
# Afterwards we recalculate our number of training epochs. | |
# Note: We are not doing epoch based training here, but just using this for book keeping and being able to | |
# reuse the same training loop with other datasets/loaders. | |
num_train_epochs = math.ceil(args.max_train_steps / num_update_steps_per_epoch) | |
# Train! | |
logger.info("***** Running training *****") | |
logger.info(f" Num training steps = {args.max_train_steps}") | |
logger.info(f" Instantaneous batch size per device = { args.train_batch_size}") | |
logger.info(f" Total train batch size (w. parallel, distributed & accumulation) = {total_batch_size}") | |
logger.info(f" Gradient Accumulation steps = {args.gradient_accumulation_steps}") | |
resume_from_checkpoint = args.resume_from_checkpoint | |
if resume_from_checkpoint: | |
if resume_from_checkpoint == "latest": | |
# Get the most recent checkpoint | |
dirs = os.listdir(args.output_dir) | |
dirs = [d for d in dirs if d.startswith("checkpoint")] | |
dirs = sorted(dirs, key=lambda x: int(x.split("-")[1])) | |
if len(dirs) > 0: | |
resume_from_checkpoint = os.path.join(args.output_dir, dirs[-1]) | |
else: | |
resume_from_checkpoint = None | |
if resume_from_checkpoint is None: | |
accelerator.print( | |
f"Checkpoint '{args.resume_from_checkpoint}' does not exist. Starting a new training run." | |
) | |
else: | |
accelerator.print(f"Resuming from checkpoint {resume_from_checkpoint}") | |
if resume_from_checkpoint is None: | |
global_step = 0 | |
first_epoch = 0 | |
else: | |
accelerator.load_state(resume_from_checkpoint) | |
global_step = int(os.path.basename(resume_from_checkpoint).split("-")[1]) | |
first_epoch = global_step // num_update_steps_per_epoch | |
# As stated above, we are not doing epoch based training here, but just using this for book keeping and being able to | |
# reuse the same training loop with other datasets/loaders. | |
for epoch in range(first_epoch, num_train_epochs): | |
for batch in train_dataloader: | |
torch.cuda.empty_cache() | |
with torch.no_grad(): | |
micro_conds = batch["micro_conds"].to(accelerator.device, non_blocking=True) | |
gen_micro_conds, und_micro_conds = micro_conds.chunk(2, dim=0) | |
pixel_values = batch["images"].to(accelerator.device, non_blocking=True) # [b, 3, res, res] | |
batch_size = pixel_values.shape[0] | |
half_batch_size = batch_size // 2 | |
# ====================== tokenize images ====================== | |
image_tokens = vq_model.quantize( | |
vq_model.encode(pixel_values).latents | |
)[2][2].reshape(batch_size, -1) # [b, seq_len] | |
# ====================== tokenize images ====================== | |
# ====================== tokenize text prompts ====================== | |
if args.text_encoder_architecture == "gemma": | |
prompt_input_ids_1 = batch["prompt_input_ids"][0].to(accelerator.device, non_blocking=True) | |
prompt_input_ids_2 = batch["prompt_input_ids"][1].to(accelerator.device, non_blocking=True) | |
prompt_input_ids_gen_1, prompt_input_ids_und_1 = prompt_input_ids_1.chunk(2, dim=0) | |
prompt_input_ids_gen_2, prompt_input_ids_und_2 = prompt_input_ids_2.chunk(2, dim=0) | |
else: | |
prompt_input_ids = batch["prompt_input_ids"].to(accelerator.device, non_blocking=True) | |
prompt_input_ids_gen, prompt_input_ids_und = prompt_input_ids.chunk(2, dim=0) | |
# ====================== tokenize text prompts ====================== | |
# ====================== image perturbation ====================== | |
image_tokens_gen, image_tokens_und = image_tokens.chunk(2, dim=0) # (b // 2, seq_len) | |
_, seq_len = image_tokens_gen.shape | |
sigma = torch.rand(half_batch_size, device=image_tokens_gen.device) | |
gen_mask_prob = torch.cos(sigma * math.pi * 0.5) | |
gen_mask_prob = gen_mask_prob.clip(args.min_masking_rate) | |
num_token_masked = (seq_len * gen_mask_prob).round().clamp(min=1) | |
batch_randperm = torch.rand(half_batch_size, seq_len, device=image_tokens_gen.device).argsort(dim=-1) | |
mask = batch_randperm < num_token_masked.unsqueeze(-1) | |
mask_id = accelerator.unwrap_model(model).config.vocab_size - 1 | |
masked_image_ids = torch.where(mask, mask_id, image_tokens_gen) | |
image_labels = torch.where(mask, image_tokens_gen, -100) | |
# ====================== image perturbation ====================== | |
# ====================== text perturbation ====================== | |
if args.text_encoder_architecture in ("t5_clip", "gemma"): | |
half_batch_size, seq_len = prompt_input_ids_und_2.shape | |
sigma = torch.rand(half_batch_size, device=image_tokens_gen.device) | |
text_mask_prob = torch.cos(sigma * math.pi * 0.5) | |
text_mask_prob = text_mask_prob.clip(args.min_masking_rate) | |
text_timestep = text_mask_prob.clone() | |
num_token_masked = (seq_len * text_mask_prob).round().clamp(min=1) | |
batch_randperm = torch.rand(half_batch_size, seq_len, device=image_tokens_gen.device).argsort(dim=-1) | |
mask = batch_randperm < num_token_masked.unsqueeze(-1) | |
masked_prompt_input_ids_und = torch.where(mask, mask_id_2, prompt_input_ids_und_2) | |
text_labels = torch.where(mask, prompt_input_ids_und_2, -100) | |
else: | |
half_batch_size, seq_len = prompt_input_ids_und.shape | |
sigma = torch.rand(half_batch_size, device=image_tokens_gen.device) | |
text_mask_prob = torch.cos(sigma * math.pi * 0.5) | |
text_mask_prob = text_mask_prob.clip(args.min_masking_rate) | |
text_timestep = text_mask_prob.clone().clamp(min=1e-3) | |
num_token_masked = (seq_len * text_mask_prob).round().clamp(min=1) | |
batch_randperm = torch.rand(half_batch_size, seq_len, device=image_tokens_gen.device).argsort(dim=-1) | |
mask = batch_randperm < num_token_masked.unsqueeze(-1) | |
masked_prompt_input_ids_und = torch.where(mask, mask_id_1, prompt_input_ids_und) | |
text_labels = torch.where(mask, prompt_input_ids_und, -100) | |
# ====================== text perturbation ====================== | |
# ====================== encode text prompts ====================== | |
if args.text_encoder_architecture == "gemma": | |
masked_encoder_hidden_states, _ = encode_prompt( | |
[text_encoder, text_encoder_2], | |
[prompt_input_ids_und_1, masked_prompt_input_ids_und], | |
args.text_encoder_architecture | |
) | |
encoder_hidden_states, text_pooled_embeds = encode_prompt( | |
[text_encoder, text_encoder_2], | |
[prompt_input_ids_gen_1, prompt_input_ids_gen_2], | |
args.text_encoder_architecture | |
) | |
else: | |
masked_encoder_hidden_states, _ = encode_prompt( | |
text_encoder, | |
masked_prompt_input_ids_und, | |
args.text_encoder_architecture | |
) | |
encoder_hidden_states, text_pooled_embeds = encode_prompt( | |
text_encoder, | |
prompt_input_ids_gen, | |
args.text_encoder_architecture | |
) | |
# obtain the cond_embeds through send pixel_values[half_batch_size:] to image_encoder, we use the clip pooled embedding as cond_embeds | |
# pixel_values need image process, the value of pixel values arange from 0 to 1 | |
with torch.no_grad(): | |
processed_pixel_values = image_processor( | |
pixel_values[half_batch_size:], | |
do_rescale=False, | |
do_resize=True, | |
do_normalize=True, | |
return_tensors="pt" | |
)["pixel_values"].to(image_encoder.device, dtype=image_encoder.dtype) | |
image_pooled_embeds = image_encoder(processed_pixel_values).image_embeds | |
# for text-to-image | |
encoder_hidden_states = encoder_hidden_states.to(accelerator.device, dtype=accelerator.unwrap_model(model).dtype) | |
text_pooled_embeds = text_pooled_embeds.to(accelerator.device, dtype=accelerator.unwrap_model(model).dtype) | |
# for image-to-text | |
masked_encoder_hidden_states = masked_encoder_hidden_states.to(accelerator.device, dtype=accelerator.unwrap_model(model).dtype) | |
image_pooled_embeds = image_pooled_embeds.to(accelerator.device, dtype=accelerator.unwrap_model(model).dtype) | |
# ====================== encode text prompts ====================== | |
vae_scale_factor = 2 ** (len(vq_model.config.block_out_channels) - 1) | |
resolution = args.resolution // vae_scale_factor | |
masked_image_ids = masked_image_ids.reshape(half_batch_size, resolution, resolution) | |
image_ids = image_tokens_und.reshape(half_batch_size, resolution, resolution) | |
# Train Step | |
with accelerator.accumulate(model): | |
codebook_size = accelerator.unwrap_model(model).config.codebook_size | |
img_ids = _prepare_latent_image_ids( | |
masked_image_ids.shape[0], | |
masked_image_ids.shape[-2], | |
masked_image_ids.shape[-1], | |
masked_image_ids.device, | |
masked_image_ids.dtype | |
) | |
txt_ids = torch.zeros(encoder_hidden_states.shape[1], 3).to(device=masked_image_ids.device, dtype=masked_image_ids.dtype) | |
image_logits = ( | |
model( | |
hidden_states=masked_image_ids, # should be (batch size, channel, height, width) | |
encoder_hidden_states=encoder_hidden_states, # should be (batch size, sequence_len, embed_dims) | |
micro_conds=gen_micro_conds, | |
pooled_projections=text_pooled_embeds, # should be (batch_size, projection_dim) | |
img_ids=img_ids, | |
txt_ids=txt_ids, | |
timestep=gen_mask_prob, | |
)[0] | |
.reshape(half_batch_size, codebook_size, -1) | |
.permute(0, 2, 1) | |
.reshape(-1, codebook_size) | |
) | |
image_loss = F.cross_entropy( | |
image_logits, | |
image_labels.view(-1), | |
ignore_index=-100, | |
reduction="mean", | |
) | |
text_logits = model( | |
hidden_states=image_ids, # should be (batch size, channel, height, width) | |
encoder_hidden_states=masked_encoder_hidden_states, # should be (batch size, sequence_len, embed_dims) | |
micro_conds=und_micro_conds, | |
pooled_projections=image_pooled_embeds, # should be (batch_size, projection_dim) | |
img_ids=img_ids, | |
txt_ids=txt_ids, | |
timestep=text_mask_prob, | |
)[1] | |
text_logits = text_logits.reshape(-1, accelerator.unwrap_model(model).config.tokenizer_vocab_size) | |
if args.text_loss_reduction == "mean": | |
text_loss = F.cross_entropy( | |
text_logits, | |
text_labels.view(-1), | |
ignore_index=-100, | |
reduction="mean", | |
) | |
elif args.text_loss_reduction == "reweighted": | |
text_loss = F.cross_entropy( | |
text_logits, | |
text_labels.view(-1), | |
ignore_index=-100, | |
reduction="none", | |
) | |
text_loss = text_loss.reshape(half_batch_size, -1).mean(-1) | |
text_loss = text_loss / text_timestep | |
text_loss = text_loss.mean() | |
else: | |
raise ValueError(f"Unknown text_loss_reduction: {args.text_loss_reduction}") | |
loss = image_loss + args.text_loss_weight * text_loss | |
# Gather the losses across all processes for logging (if we use distributed training). | |
avg_loss = accelerator.gather(loss.repeat(args.train_batch_size)).mean() | |
avg_masking_rate = accelerator.gather(gen_mask_prob.repeat(args.train_batch_size)).mean() | |
accelerator.backward(loss) | |
if args.max_grad_norm is not None and accelerator.sync_gradients: | |
accelerator.clip_grad_norm_(model.parameters(), args.max_grad_norm) | |
optimizer.step() | |
lr_scheduler.step() | |
optimizer.zero_grad(set_to_none=True) | |
# Checks if the accelerator has performed an optimization step behind the scenes | |
if accelerator.sync_gradients: | |
if (global_step + 1) % args.logging_steps == 0: | |
logs = { | |
"step_loss": avg_loss.item(), | |
"lr": lr_scheduler.get_last_lr()[0], | |
"avg_masking_rate": avg_masking_rate.item(), | |
} | |
accelerator.log(logs, step=global_step + 1) | |
logger.info( | |
f"Step: {global_step + 1} " | |
f"Loss: {avg_loss.item():0.4f} " | |
f"LR: {lr_scheduler.get_last_lr()[0]:0.6f}" | |
) | |
if (global_step + 1) % args.checkpointing_steps == 0: | |
save_checkpoint(args, accelerator, global_step + 1, logger) | |
if (global_step + 1) % args.validation_steps == 0 and accelerator.is_main_process: | |
with torch.no_grad(): | |
logger.info("Evaluating...") | |
model.eval() | |
scheduler = Scheduler.from_pretrained( | |
args.pretrained_model_name_or_path, | |
subfolder="scheduler", | |
revision=args.revision, | |
variant=args.variant, | |
) | |
pipe = UnifiedPipeline_new( | |
transformer=accelerator.unwrap_model(model), | |
tokenizer=tokenizer, | |
text_encoder=text_encoder, | |
vqvae=vq_model, | |
scheduler=scheduler, | |
tokenizer_2=tokenizer_2, | |
text_encoder_2=text_encoder_2, | |
clip_image_processor=image_processor, | |
image_encoder=image_encoder, | |
) | |
if not args.image_to_text_only: | |
output = pipe( | |
prompt=args.validation_prompts, | |
height=args.resolution, | |
width=args.resolution, | |
guidance_scale=9, | |
num_inference_steps=64, | |
) | |
pil_images = output.images | |
result=[] | |
for img in pil_images: | |
if not isinstance(img, torch.Tensor): | |
img = transforms.ToTensor()(img) | |
result.append(img.unsqueeze(0)) | |
result = torch.cat(result,dim=0) | |
result = make_grid(result, nrow=3) | |
save_image(result,os.path.join(args.output_dir, str(global_step)+'_text2image_1024_CFG-9.png')) | |
image = load_images_to_tensor(args.validation_images, target_size=(args.resolution, args.resolution)) | |
output = pipe( | |
height=args.resolution, | |
width=args.resolution, | |
guidance_scale=9, | |
image=image, | |
num_inference_steps=64 | |
) | |
prompts = output.prompts | |
output_data = { | |
"step": global_step, | |
"prompts": prompts, | |
} | |
with open(os.path.join(args.output_dir, f"image2text_{global_step}.json"), "w") as f: | |
json.dump(output_data, f, indent=2) | |
model.train() | |
global_step += 1 | |
# Stop training if max steps is reached | |
if global_step >= args.max_train_steps: | |
break | |
# End for | |
accelerator.wait_for_everyone() | |
# Evaluate and save checkpoint at the end of training | |
save_checkpoint(args, accelerator, global_step, logger) | |
# Save the final trained checkpoint | |
if accelerator.is_main_process: | |
model = accelerator.unwrap_model(model) | |
model.save_pretrained(args.output_dir) | |
accelerator.end_training() | |
if __name__ == "__main__": | |
main(parse_args()) |