|
import torch |
|
import math |
|
import numpy as np |
|
import torch.nn as nn |
|
import copy |
|
from einops import rearrange |
|
from torch.nn.modules.module import T |
|
from transformers.cache_utils import DynamicCache |
|
|
|
from tqdm import tqdm |
|
from transformers import Qwen2ForCausalLM, Qwen2Config, PreTrainedModel |
|
|
|
from .diffusion_utils import * |
|
from .gaussian_diffusion import * |
|
from .respace import * |
|
from .misc import * |
|
from .diffloss import * |
|
|
|
|
|
from .configuration_harmon import HarmonConfig |
|
from .vae import AutoencoderKL |
|
from .mar import mar_base, mar_large, mar_huge |
|
|
|
|
|
|
|
def build_mlp(hidden_size, projector_dim, z_dim): |
|
return nn.Sequential( |
|
nn.Linear(hidden_size, projector_dim), |
|
nn.SiLU(), |
|
nn.Linear(projector_dim, z_dim),) |
|
|
|
|
|
def mask_by_order(mask_len, order, bsz, seq_len): |
|
masking = torch.zeros(bsz, seq_len, device=order.device) |
|
masking = torch.scatter(masking, dim=-1, index=order[:, :mask_len.long()], |
|
src=torch.ones(bsz, seq_len, device=order.device)).bool() |
|
return masking |
|
|
|
|
|
class HarmonModel(PreTrainedModel): |
|
config_class = HarmonConfig |
|
|
|
def __init__(self, config: HarmonConfig): |
|
super().__init__(config) |
|
|
|
self.vae = AutoencoderKL( |
|
embed_dim=16, |
|
ch_mult=(1, 1, 2, 2, 4) |
|
) |
|
self.vae_scale = 0.2325 |
|
|
|
|
|
self.llm = Qwen2ForCausalLM(config=Qwen2Config.from_dict(config.llm)) |
|
|
|
|
|
mar_config = copy.deepcopy(config.mar) |
|
mar_type = mar_config.pop('type') |
|
if mar_type == 'mar_base': |
|
self.mar = mar_base(**mar_config) |
|
elif mar_type == 'mar_large': |
|
self.mar = mar_large(**mar_config) |
|
elif mar_type == 'mar_huge': |
|
self.mar = mar_huge(**mar_config) |
|
else: |
|
raise ValueError |
|
|
|
|
|
self.proj_in = build_mlp(hidden_size=self.mar.encoder_embed_dim, |
|
projector_dim=self.llm.config.hidden_size, |
|
z_dim=self.llm.config.hidden_size) |
|
self.proj_out = build_mlp(hidden_size=self.llm.config.hidden_size, |
|
projector_dim=self.llm.config.hidden_size, |
|
z_dim=self.mar.encoder_embed_dim) |
|
|
|
@property |
|
def llm_model(self): |
|
return self.llm.model |
|
|
|
@property |
|
def device(self): |
|
return self.llm.device |
|
|
|
@property |
|
def dtype(self): |
|
return self.llm.dtype |
|
|
|
@property |
|
def gen_seq_len(self): |
|
return self.mar.seq_len |
|
|
|
@property |
|
def token_embed_dim(self): |
|
return self.vae.embed_dim * (self.mar.patch_size ** 2) |
|
|
|
@torch.no_grad() |
|
def encode(self, x): |
|
posterior = self.vae.encode(x) |
|
z = posterior.mode().mul_(self.vae_scale) |
|
z = rearrange(z, 'b c (m p) (n q) -> b m n (c p q)', |
|
p=self.mar.patch_size, q=self.mar.patch_size) |
|
|
|
return z |
|
|
|
@torch.no_grad() |
|
def decode(self, z): |
|
z /= self.vae_scale |
|
z = rearrange(z, 'b m n (c p q) -> b c (m p) (n q)', |
|
p=self.mar.patch_size, q=self.mar.patch_size) |
|
|
|
x = self.vae.decode(z) |
|
return x |
|
|
|
def prepare_forward_input(self, |
|
x, |
|
inputs_embeds=None, |
|
input_ids=None, |
|
attention_mask=None, |
|
past_key_values=None): |
|
b, l, _ = x.shape |
|
attention_mask = attention_mask.to(device=self.device, dtype=torch.bool) |
|
attention_mask = torch.cat([ |
|
attention_mask, attention_mask.new_ones(b, l) |
|
], dim=1) |
|
position_ids = torch.cumsum(attention_mask, dim=1) - 1 |
|
position_ids[position_ids < 0] = 0 |
|
|
|
|
|
|
|
|
|
if past_key_values is not None: |
|
inputs_embeds = x |
|
position_ids = position_ids[:, -l:] |
|
else: |
|
if inputs_embeds is None: |
|
input_ids = input_ids.to(self.device) |
|
inputs_embeds = self.llm.get_input_embeddings()(input_ids) |
|
inputs_embeds = torch.cat([inputs_embeds, x], dim=1) |
|
|
|
return dict(inputs_embeds=inputs_embeds, |
|
attention_mask=attention_mask, |
|
position_ids=position_ids, |
|
past_key_values=past_key_values) |
|
|
|
def extract_visual_feature(self, x, mask=None, detach=False): |
|
b, m, n, _ = x.shape |
|
x = x.view(b, m*n, -1) |
|
|
|
if mask is None: |
|
mask = torch.zeros_like(x[..., 0]) |
|
null_embeds = self.mar.fake_latent.expand(x.shape[0], -1) |
|
x_enc = self.mar.forward_mae_encoder(x, mask, null_embeds, image_shape=(m, n)) |
|
|
|
z_enc = self.proj_in(x_enc) |
|
|
|
z_enc = torch.cat([ |
|
z_enc[:, self.mar.buffer_size:], |
|
z_enc[:, :self.mar.buffer_size]], dim=1) |
|
|
|
if detach: |
|
x_enc = x_enc.detach() |
|
z_enc = z_enc.detach() |
|
|
|
return x_enc, z_enc |
|
|
|
def forward_mae_encoder(self, x, mask, detach=False, **context): |
|
b, m, n, _ = x.shape |
|
x_enc, z_enc = self.extract_visual_feature(x, mask=mask, detach=detach) |
|
inputs = self.prepare_forward_input(x=z_enc, **context) |
|
output = self.llm_model(**inputs, return_dict=True) |
|
|
|
z_llm = output.last_hidden_state[:, -z_enc.shape[1]:] |
|
|
|
|
|
z_llm = torch.cat([ |
|
z_llm[:, -self.mar.buffer_size:], |
|
z_llm[:, :-self.mar.buffer_size]], dim=1) |
|
|
|
|
|
x_enc = x_enc + self.proj_out(z_llm) |
|
|
|
return x_enc |
|
|
|
@staticmethod |
|
def curtail_cache(past_key_values, cur_len): |
|
for past_key_values_ in past_key_values: |
|
keys, values = past_key_values_ |
|
keys.data = keys.data[:, :, :cur_len] |
|
values.data = values.data[:, :, :cur_len] |
|
|
|
@torch.no_grad() |
|
def sample(self, |
|
input_ids=None, inputs_embeds=None, |
|
attention_mask=None, num_iter=64, cfg=1.0, cfg_schedule="constant", temperature=1.0, |
|
progress=False, mask=None, past_key_values=None, image_shape=None, x_con=None, **kwargs): |
|
if inputs_embeds is None and input_ids is not None: |
|
inputs_embeds = self.llm.get_input_embeddings()(input_ids) |
|
|
|
bsz = attention_mask.shape[0] |
|
if cfg != 1.0: |
|
assert bsz % 2 == 0 |
|
|
|
if image_shape is None: |
|
m = n = int(self.gen_seq_len ** 0.5) |
|
else: |
|
m, n = image_shape |
|
|
|
if mask is None: |
|
mask = torch.ones(bsz, m*n, device=self.device, dtype=self.dtype) |
|
else: |
|
mask = mask.view(bsz, m*n) |
|
tokens = torch.zeros(bsz, m*n, self.token_embed_dim, |
|
device=self.device, dtype=self.dtype) |
|
orders = self.mar.sample_orders(bsz, seq_len=m*n) |
|
if cfg != 1.0: |
|
orders[bsz//2:] = orders[:bsz//2] |
|
|
|
indices = list(range(num_iter)) |
|
if progress: |
|
indices = tqdm(indices) |
|
|
|
|
|
if past_key_values is None: |
|
output = self.llm_model(inputs_embeds=inputs_embeds, |
|
attention_mask=None, |
|
position_ids=None, |
|
past_key_values=DynamicCache.from_legacy_cache(), |
|
return_dict=True, |
|
use_cache=True) |
|
past_key_values = output.past_key_values |
|
|
|
|
|
for step in indices: |
|
cur_tokens = tokens.clone() |
|
x_enc = self.forward_mae_encoder(tokens.view(bsz, m, n, -1), |
|
mask.to(self.dtype), |
|
past_key_values=past_key_values, |
|
|
|
attention_mask=attention_mask) |
|
|
|
self.curtail_cache(past_key_values, inputs_embeds.shape[1]) |
|
|
|
|
|
z = self.mar.forward_mae_decoder(x_enc, mask.to(self.dtype), image_shape=(m, n), x_con=x_con) |
|
|
|
|
|
mask_ratio = np.cos(math.pi / 2. * (step + 1) / num_iter) |
|
mask_len = torch.Tensor([np.floor(m*n * mask_ratio)]).to(self.device) |
|
|
|
|
|
mask_len = torch.maximum(torch.Tensor([1]).to(self.device), |
|
torch.minimum(torch.sum(mask, dim=-1, keepdims=True) - 1, mask_len)) |
|
|
|
|
|
mask_next = mask_by_order(mask_len[0], orders, bsz, m*n).to(self.device) |
|
if cfg != 1.0: |
|
mask_next[bsz//2:] = mask_next[:bsz//2] |
|
if step >= num_iter - 1: |
|
mask_to_pred = mask[:bsz].bool() |
|
else: |
|
mask_to_pred = torch.logical_xor(mask[:bsz].bool(), mask_next.bool()) |
|
mask = mask_next |
|
|
|
|
|
|
|
|
|
z = z[mask_to_pred.nonzero(as_tuple=True)] |
|
|
|
if cfg_schedule == "linear": |
|
cfg_iter = 1 + (cfg - 1) * (m*n - mask_len[0]) / (m*n) |
|
elif cfg_schedule == "constant": |
|
cfg_iter = cfg |
|
else: |
|
raise NotImplementedError |
|
sampled_token_latent = self.mar.diffloss.sample(z, temperature, cfg_iter).to(self.dtype) |
|
|
|
|
|
|
|
|
|
cur_tokens[mask_to_pred.nonzero(as_tuple=True)] = sampled_token_latent |
|
if cfg != 1.0: |
|
cur_tokens[bsz//2:] = cur_tokens[:bsz//2] |
|
tokens = cur_tokens.clone() |
|
|
|
pred = self.decode(tokens.view(bsz, m, n, -1)) |
|
|
|
if cfg != 1.0: |
|
pred = pred[:bsz//2] |
|
return pred |
|
|