|
"""BiMamba model for Hugging Face. |
|
|
|
""" |
|
|
|
import inspect |
|
import math |
|
from functools import partial |
|
from typing import Optional, Tuple, Union |
|
|
|
import torch |
|
from mamba_ssm.modules.mamba_simple import Mamba |
|
try: |
|
from mamba_ssm.modules.mamba_simple import Block |
|
except ImportError: |
|
from mamba_ssm.modules.block import Block |
|
from torch import nn |
|
from torch.nn import functional as F |
|
from transformers import PreTrainedModel |
|
from transformers.modeling_outputs import BaseModelOutputWithNoAttention, MaskedLMOutput |
|
|
|
try: |
|
from mamba_ssm.ops.triton.layernorm import RMSNorm, layer_norm_fn, rms_norm_fn |
|
except ImportError: |
|
try: |
|
from mamba_ssm.ops.triton.layer_norm import RMSNorm, layer_norm_fn, rms_norm_fn |
|
except ImportError: |
|
RMSNorm, layer_norm_fn, rms_norm_fn = None, None, None |
|
|
|
from .configuration_bimamba import BiMambaConfig |
|
|
|
|
|
def create_block( |
|
d_model, |
|
ssm_cfg=None, |
|
norm_epsilon=1e-5, |
|
rms_norm=False, |
|
residual_in_fp32=False, |
|
fused_add_norm=False, |
|
layer_idx=None, |
|
bidirectional=True, |
|
bidirectional_strategy="add", |
|
bidirectional_weight_tie=True, |
|
device=None, |
|
dtype=None, |
|
): |
|
"""Create BiMamba block. |
|
|
|
Adapted from: https://github.com/state-spaces/mamba/blob/main/mamba_ssm/models/mixer_seq_simple.py |
|
""" |
|
if ssm_cfg is None: |
|
ssm_cfg = {} |
|
factory_kwargs = {"device": device, "dtype": dtype} |
|
bidirectional_kwargs = { |
|
"bidirectional": bidirectional, |
|
"bidirectional_strategy": bidirectional_strategy, |
|
"bidirectional_weight_tie": bidirectional_weight_tie, |
|
} |
|
mixer_cls = partial(BiMambaWrapper, layer_idx=layer_idx, **ssm_cfg, **bidirectional_kwargs, **factory_kwargs) |
|
norm_cls = partial( |
|
nn.LayerNorm if not rms_norm else RMSNorm, eps=norm_epsilon, **factory_kwargs |
|
) |
|
block_cls = Block |
|
|
|
if "mlp_cls" in inspect.signature(block_cls.__init__).parameters: |
|
block = block_cls( |
|
d_model, |
|
mixer_cls, |
|
mlp_cls=nn.Identity, |
|
norm_cls=norm_cls, |
|
fused_add_norm=fused_add_norm, |
|
residual_in_fp32=residual_in_fp32, |
|
) |
|
else: |
|
block = block_cls( |
|
d_model, |
|
mixer_cls, |
|
norm_cls=norm_cls, |
|
fused_add_norm=fused_add_norm, |
|
residual_in_fp32=residual_in_fp32, |
|
) |
|
block.layer_idx = layer_idx |
|
return block |
|
|
|
|
|
class BiMambaWrapper(nn.Module): |
|
"""Thin wrapper around Mamba to support bi-directionality.""" |
|
|
|
def __init__( |
|
self, |
|
d_model: int, |
|
bidirectional: bool = True, |
|
bidirectional_strategy: Optional[str] = "add", |
|
bidirectional_weight_tie: bool = True, |
|
**mamba_kwargs, |
|
): |
|
super().__init__() |
|
if bidirectional and bidirectional_strategy is None: |
|
bidirectional_strategy = "add" |
|
if bidirectional and bidirectional_strategy not in ["add", "ew_multiply"]: |
|
raise NotImplementedError(f"`{bidirectional_strategy}` strategy for bi-directionality is not implemented!") |
|
self.bidirectional = bidirectional |
|
self.bidirectional_strategy = bidirectional_strategy |
|
self.mamba_fwd = Mamba( |
|
d_model=d_model, |
|
**mamba_kwargs |
|
) |
|
if bidirectional: |
|
self.mamba_rev = Mamba( |
|
d_model=d_model, |
|
**mamba_kwargs |
|
) |
|
if bidirectional_weight_tie: |
|
self.mamba_rev.in_proj.weight = self.mamba_fwd.in_proj.weight |
|
self.mamba_rev.in_proj.bias = self.mamba_fwd.in_proj.bias |
|
self.mamba_rev.out_proj.weight = self.mamba_fwd.out_proj.weight |
|
self.mamba_rev.out_proj.bias = self.mamba_fwd.out_proj.bias |
|
else: |
|
self.mamba_rev = None |
|
|
|
def forward(self, hidden_states, inference_params=None): |
|
"""Bidirectional-enabled forward pass |
|
|
|
hidden_states: (B, L, D) |
|
Returns: same shape as hidden_states |
|
""" |
|
out = self.mamba_fwd(hidden_states, inference_params=inference_params) |
|
if self.bidirectional: |
|
out_rev = self.mamba_rev( |
|
hidden_states.flip(dims=(1,)), |
|
inference_params=inference_params |
|
).flip(dims=(1,)) |
|
if self.bidirectional_strategy == "add": |
|
out = out + out_rev |
|
elif self.bidirectional_strategy == "ew_multiply": |
|
out = out * out_rev |
|
else: |
|
raise NotImplementedError(f"`{self.bidirectional_strategy}` for bi-directionality not implemented!") |
|
return out |
|
|
|
|
|
class BiMambaEmbeddings(nn.Module): |
|
def __init__( |
|
self, |
|
config: BiMambaConfig, |
|
device=None, |
|
dtype=None, |
|
): |
|
super().__init__() |
|
factory_kwargs = {"device": device, "dtype": dtype} |
|
self.word_embeddings = nn.Embedding(config.vocab_size, config.d_model, **factory_kwargs) |
|
|
|
def forward(self, input_ids): |
|
""" |
|
input_ids: (batch, seqlen) |
|
""" |
|
return self.word_embeddings(input_ids) |
|
|
|
|
|
class BiMambaMixerModel(nn.Module): |
|
def __init__( |
|
self, |
|
config: BiMambaConfig, |
|
device=None, |
|
dtype=None, |
|
) -> None: |
|
super().__init__() |
|
factory_kwargs = {"device": device, "dtype": dtype} |
|
|
|
self.fused_add_norm = config.fused_add_norm |
|
self.residual_in_fp32 = config.residual_in_fp32 |
|
|
|
self.embeddings = BiMambaEmbeddings(config, **factory_kwargs) |
|
|
|
|
|
|
|
|
|
|
|
|
|
if config.fused_add_norm: |
|
if layer_norm_fn is None or rms_norm_fn is None: |
|
raise ImportError("Failed to import Triton LayerNorm / RMSNorm kernels") |
|
|
|
self.layers = nn.ModuleList( |
|
[ |
|
create_block( |
|
config.d_model, |
|
ssm_cfg=config.ssm_cfg, |
|
norm_epsilon=config.norm_epsilon, |
|
rms_norm=config.rms_norm, |
|
residual_in_fp32=config.residual_in_fp32, |
|
fused_add_norm=config.fused_add_norm, |
|
layer_idx=i, |
|
bidirectional=config.bidirectional, |
|
bidirectional_strategy=config.bidirectional_strategy, |
|
bidirectional_weight_tie=config.bidirectional_weight_tie, |
|
**factory_kwargs, |
|
) |
|
for i in range(config.n_layer) |
|
] |
|
) |
|
|
|
norm_f = (nn.LayerNorm if not config.rms_norm else RMSNorm)( |
|
config.d_model, eps=config.norm_epsilon, **factory_kwargs |
|
) |
|
self.norm_f = norm_f |
|
|
|
def forward(self, input_ids, inputs_embeds=None, output_hidden_states=False): |
|
"""Mixer forward.""" |
|
all_hidden_states = [] |
|
if inputs_embeds is not None: |
|
hidden_states = inputs_embeds |
|
else: |
|
hidden_states = self.embeddings(input_ids) |
|
|
|
residual = None |
|
for layer in self.layers: |
|
if output_hidden_states: |
|
all_hidden_states.append(hidden_states) |
|
|
|
hidden_states, residual = layer( |
|
hidden_states, residual, inference_params=None |
|
) |
|
|
|
if not self.fused_add_norm: |
|
residual = (hidden_states + residual) if residual is not None else hidden_states |
|
hidden_states = self.norm_f(residual.to(dtype=self.norm_f.weight.dtype)) |
|
else: |
|
fused_add_norm_fn = rms_norm_fn if isinstance(self.norm_f, RMSNorm) else layer_norm_fn |
|
|
|
hidden_states = fused_add_norm_fn( |
|
hidden_states, |
|
self.norm_f.weight, |
|
self.norm_f.bias, |
|
eps=self.norm_f.eps, |
|
residual=residual, |
|
prenorm=False, |
|
residual_in_fp32=self.residual_in_fp32, |
|
) |
|
if output_hidden_states: |
|
all_hidden_states.append(hidden_states) |
|
return hidden_states, all_hidden_states |
|
|
|
|
|
def cross_entropy(logits, y, ignore_index=-100): |
|
"""Cross entropy loss.""" |
|
logits = logits.view(-1, logits.shape[-1]) |
|
y = y.view(-1) |
|
return F.cross_entropy(logits, y, ignore_index=ignore_index) |
|
|
|
|
|
def weighted_cross_entropy(logits, y, loss_weights, ignore_index=-100): |
|
"""Weighted cross entropy loss (discounts certain tokens).""" |
|
logits = logits.view(-1, logits.shape[-1]) |
|
y = y.view(-1) |
|
ce = F.cross_entropy(logits, y, ignore_index=ignore_index, reduction="none") |
|
loss_weights = loss_weights.view(-1) |
|
loss_weights[y == ignore_index] = 0.0 |
|
|
|
return (ce * (loss_weights / loss_weights.sum())).sum() |
|
|
|
|
|
class BiMambaPreTrainedModel(PreTrainedModel): |
|
"""PreTrainedModel wrapper for BiMamba backbone.""" |
|
config_class = BiMambaConfig |
|
base_model_prefix = "bimamba" |
|
supports_gradient_checkpointing = False |
|
_no_split_modules = ["BiMambaWrapper"] |
|
|
|
def _init_weights( |
|
self, |
|
module, |
|
initializer_range=0.02, |
|
**kwargs, |
|
): |
|
"""Adapted from: https://github.com/state-spaces/mamba/blob/main/mamba_ssm/models/mixer_seq_simple.py""" |
|
|
|
n_layer = self.config.n_layer |
|
initialized_cfg = self.config.initializer_cfg if self.config.initializer_cfg is not None else {} |
|
rescale_prenorm_residual = initialized_cfg.get("rescale_prenorm_residual", True) |
|
initializer_range = initialized_cfg.get("initializer_range", initializer_range) |
|
n_residuals_per_layer = initialized_cfg.get("n_residuals_per_layer", 1) |
|
|
|
if isinstance(module, nn.Linear): |
|
if module.bias is not None: |
|
if not getattr(module.bias, "_no_reinit", False): |
|
nn.init.zeros_(module.bias) |
|
elif isinstance(module, nn.Embedding): |
|
nn.init.normal_(module.weight, std=initializer_range) |
|
|
|
if rescale_prenorm_residual: |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
for name, p in module.named_parameters(): |
|
if name in ["out_proj.weight", "fc2.weight"]: |
|
|
|
|
|
|
|
|
|
nn.init.kaiming_uniform_(p, a=math.sqrt(5)) |
|
with torch.no_grad(): |
|
p /= math.sqrt(n_residuals_per_layer * n_layer) |
|
|
|
|
|
class BiMamba(BiMambaPreTrainedModel): |
|
"""BiMamba model that can be instantiated using HF patterns.""" |
|
def __init__(self, config: BiMambaConfig, device=None, dtype=None, **kwargs): |
|
super().__init__(config) |
|
|
|
|
|
if config.vocab_size % config.pad_vocab_size_multiple != 0: |
|
config.vocab_size += config.pad_vocab_size_multiple - (config.vocab_size % config.pad_vocab_size_multiple) |
|
|
|
self.config = config |
|
factory_kwargs = {"device": device, "dtype": dtype} |
|
self.backbone = BiMambaMixerModel(config, **factory_kwargs, **kwargs) |
|
|
|
def forward( |
|
self, |
|
input_ids: torch.LongTensor = None, |
|
inputs_embeds: Optional[torch.FloatTensor] = None, |
|
output_hidden_states: Optional[bool] = None, |
|
return_dict: Optional[bool] = None, |
|
) -> Union[torch.Tensor, Tuple, BaseModelOutputWithNoAttention]: |
|
"""HF-compatible forward method.""" |
|
output_hidden_states = ( |
|
output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states |
|
) |
|
return_dict = return_dict if return_dict is not None else self.config.use_return_dict |
|
|
|
hidden_states, all_hidden_states = self.backbone( |
|
input_ids, |
|
inputs_embeds=inputs_embeds, |
|
output_hidden_states=output_hidden_states |
|
) |
|
if return_dict: |
|
return BaseModelOutputWithNoAttention( |
|
last_hidden_state=hidden_states, |
|
hidden_states=all_hidden_states if output_hidden_states else None |
|
) |
|
elif output_hidden_states: |
|
return hidden_states, all_hidden_states |
|
else: |
|
return hidden_states |
|
|
|
|
|
class BiMambaForMaskedLM(BiMambaPreTrainedModel): |
|
"""HF-compatible BiMamba model for masked language modeling.""" |
|
|
|
def __init__(self, config: BiMambaConfig, device=None, dtype=None, **kwargs): |
|
super().__init__(config, **kwargs) |
|
factory_kwargs = {"device": device, "dtype": dtype} |
|
self.bimamba = BiMamba(config, **factory_kwargs, **kwargs) |
|
self.lm_head = nn.Linear( |
|
config.d_model, |
|
self.config.vocab_size, |
|
bias=False, |
|
**factory_kwargs |
|
) |
|
|
|
|
|
self.post_init() |
|
|
|
def get_input_embeddings(self): |
|
return self.bimamba.backbone.embeddings.word_embeddings |
|
|
|
def set_input_embeddings(self, value): |
|
self.bimamba.backbone.embeddings.word_embeddings = value |
|
|
|
def get_output_embeddings(self): |
|
return self.lm_head |
|
|
|
def set_output_embeddings(self, new_embeddings): |
|
"""Overrides output embeddings.""" |
|
self.lm_head = new_embeddings |
|
|
|
def tie_weights(self): |
|
"""Tie weights.""" |
|
super().tie_weights() |
|
|
|
def get_decoder(self): |
|
"""Get decoder (backbone) for the model.""" |
|
return self.bimamba |
|
|
|
def set_decoder(self, decoder): |
|
"""Set decoder (backbone) for the model.""" |
|
self.bimamba = decoder |
|
|
|
def forward( |
|
self, |
|
input_ids: torch.LongTensor = None, |
|
inputs_embeds: Optional[torch.FloatTensor] = None, |
|
labels: Optional[torch.LongTensor] = None, |
|
loss_weights: Optional[torch.FloatTensor] = None, |
|
output_hidden_states: Optional[bool] = None, |
|
return_dict: Optional[bool] = None, |
|
) -> Union[Tuple, MaskedLMOutput]: |
|
"""HF-compatible forward method.""" |
|
|
|
output_hidden_states = ( |
|
output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states |
|
) |
|
return_dict = return_dict if return_dict is not None else self.config.use_return_dict |
|
|
|
|
|
outputs = self.bimamba( |
|
input_ids=input_ids, |
|
inputs_embeds=inputs_embeds, |
|
output_hidden_states=output_hidden_states, |
|
return_dict=return_dict, |
|
) |
|
|
|
hidden_states = outputs[0] |
|
logits = self.lm_head(hidden_states) |
|
logits = logits.float() |
|
|
|
loss = None |
|
if labels is not None: |
|
if loss_weights is not None: |
|
loss = weighted_cross_entropy(logits, labels, loss_weights, ignore_index=self.config.pad_token_id) |
|
else: |
|
loss = cross_entropy(logits, labels, ignore_index=self.config.pad_token_id) |
|
|
|
if not return_dict: |
|
output = (logits,) + outputs[1:] |
|
return (loss,) + output if loss is not None else output |
|
|
|
return MaskedLMOutput( |
|
loss=loss, |
|
logits=logits, |
|
hidden_states=outputs.hidden_states, |
|
) |
|
|