|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
from typing import Dict, Optional, Tuple |
|
|
|
|
|
import torch |
|
|
import torch.nn as nn |
|
|
import torch.nn.functional as F |
|
|
|
|
|
from .activations import get_activation |
|
|
from .embeddings import CombinedTimestepLabelEmbeddings, CombinedTimestepSizeEmbeddings |
|
|
|
|
|
|
|
|
class AdaLayerNorm(nn.Module): |
|
|
r""" |
|
|
Norm layer modified to incorporate timestep embeddings. |
|
|
|
|
|
Parameters: |
|
|
embedding_dim (`int`): The size of each embedding vector. |
|
|
num_embeddings (`int`): The size of the embeddings dictionary. |
|
|
""" |
|
|
|
|
|
def __init__(self, embedding_dim: int, num_embeddings: int): |
|
|
super().__init__() |
|
|
self.emb = nn.Embedding(num_embeddings, embedding_dim) |
|
|
self.silu = nn.SiLU() |
|
|
self.linear = nn.Linear(embedding_dim, embedding_dim * 2) |
|
|
self.norm = nn.LayerNorm(embedding_dim, elementwise_affine=False) |
|
|
|
|
|
def forward(self, x: torch.Tensor, timestep: torch.Tensor) -> torch.Tensor: |
|
|
emb = self.linear(self.silu(self.emb(timestep))) |
|
|
scale, shift = torch.chunk(emb, 2) |
|
|
x = self.norm(x) * (1 + scale) + shift |
|
|
return x |
|
|
|
|
|
|
|
|
class AdaLayerNormZero(nn.Module): |
|
|
r""" |
|
|
Norm layer adaptive layer norm zero (adaLN-Zero). |
|
|
|
|
|
Parameters: |
|
|
embedding_dim (`int`): The size of each embedding vector. |
|
|
num_embeddings (`int`): The size of the embeddings dictionary. |
|
|
""" |
|
|
|
|
|
def __init__(self, embedding_dim: int, num_embeddings: int): |
|
|
super().__init__() |
|
|
|
|
|
self.emb = CombinedTimestepLabelEmbeddings(num_embeddings, embedding_dim) |
|
|
|
|
|
self.silu = nn.SiLU() |
|
|
self.linear = nn.Linear(embedding_dim, 6 * embedding_dim, bias=True) |
|
|
self.norm = nn.LayerNorm(embedding_dim, elementwise_affine=False, eps=1e-6) |
|
|
|
|
|
def forward( |
|
|
self, |
|
|
x: torch.Tensor, |
|
|
timestep: torch.Tensor, |
|
|
class_labels: torch.LongTensor, |
|
|
hidden_dtype: Optional[torch.dtype] = None, |
|
|
) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor]: |
|
|
emb = self.linear(self.silu(self.emb(timestep, class_labels, hidden_dtype=hidden_dtype))) |
|
|
shift_msa, scale_msa, gate_msa, shift_mlp, scale_mlp, gate_mlp = emb.chunk(6, dim=1) |
|
|
x = self.norm(x) * (1 + scale_msa[:, None]) + shift_msa[:, None] |
|
|
return x, gate_msa, shift_mlp, scale_mlp, gate_mlp |
|
|
|
|
|
|
|
|
class AdaLayerNormSingle(nn.Module): |
|
|
r""" |
|
|
Norm layer adaptive layer norm single (adaLN-single). |
|
|
|
|
|
As proposed in PixArt-Alpha (see: https://arxiv.org/abs/2310.00426; Section 2.3). |
|
|
|
|
|
Parameters: |
|
|
embedding_dim (`int`): The size of each embedding vector. |
|
|
use_additional_conditions (`bool`): To use additional conditions for normalization or not. |
|
|
""" |
|
|
|
|
|
def __init__(self, embedding_dim: int, use_additional_conditions: bool = False): |
|
|
super().__init__() |
|
|
|
|
|
self.emb = CombinedTimestepSizeEmbeddings( |
|
|
embedding_dim, size_emb_dim=embedding_dim // 3, use_additional_conditions=use_additional_conditions |
|
|
) |
|
|
|
|
|
self.silu = nn.SiLU() |
|
|
self.linear = nn.Linear(embedding_dim, 6 * embedding_dim, bias=True) |
|
|
|
|
|
def forward( |
|
|
self, |
|
|
timestep: torch.Tensor, |
|
|
added_cond_kwargs: Dict[str, torch.Tensor] = None, |
|
|
batch_size: int = None, |
|
|
hidden_dtype: Optional[torch.dtype] = None, |
|
|
) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor, torch.Tensor]: |
|
|
|
|
|
embedded_timestep = self.emb(timestep, **added_cond_kwargs, batch_size=batch_size, hidden_dtype=hidden_dtype) |
|
|
return self.linear(self.silu(embedded_timestep)), embedded_timestep |
|
|
|
|
|
|
|
|
class AdaGroupNorm(nn.Module): |
|
|
r""" |
|
|
GroupNorm layer modified to incorporate timestep embeddings. |
|
|
|
|
|
Parameters: |
|
|
embedding_dim (`int`): The size of each embedding vector. |
|
|
num_embeddings (`int`): The size of the embeddings dictionary. |
|
|
num_groups (`int`): The number of groups to separate the channels into. |
|
|
act_fn (`str`, *optional*, defaults to `None`): The activation function to use. |
|
|
eps (`float`, *optional*, defaults to `1e-5`): The epsilon value to use for numerical stability. |
|
|
""" |
|
|
|
|
|
def __init__( |
|
|
self, embedding_dim: int, out_dim: int, num_groups: int, act_fn: Optional[str] = None, eps: float = 1e-5 |
|
|
): |
|
|
super().__init__() |
|
|
self.num_groups = num_groups |
|
|
self.eps = eps |
|
|
|
|
|
if act_fn is None: |
|
|
self.act = None |
|
|
else: |
|
|
self.act = get_activation(act_fn) |
|
|
|
|
|
self.linear = nn.Linear(embedding_dim, out_dim * 2) |
|
|
|
|
|
def forward(self, x: torch.Tensor, emb: torch.Tensor) -> torch.Tensor: |
|
|
if self.act: |
|
|
emb = self.act(emb) |
|
|
emb = self.linear(emb) |
|
|
emb = emb[:, :, None, None] |
|
|
scale, shift = emb.chunk(2, dim=1) |
|
|
|
|
|
x = F.group_norm(x, self.num_groups, eps=self.eps) |
|
|
x = x * (1 + scale) + shift |
|
|
return x |
|
|
|