Text Generation
Transformers
PyTorch
Thai
English
mpt
custom_code
text-generation-inference
Rasu23 commited on
Commit
cd7c35a
1 Parent(s): 131e578

Upload MPTForCausalLM

Browse files
Files changed (49) hide show
  1. adapt_tokenizer.py +40 -0
  2. attention.py +338 -0
  3. blocks.py +41 -0
  4. config.json +59 -0
  5. configuration_mpt.py +140 -0
  6. custom_embedding.py +10 -0
  7. fc.py +7 -0
  8. ffn.py +39 -0
  9. flash_attn_triton.py +484 -0
  10. generation_config.json +5 -0
  11. hf_prefixlm_converter.py +256 -0
  12. meta_init_context.py +99 -0
  13. modeling_mpt.py +585 -0
  14. norm.py +57 -0
  15. param_init_fns.py +179 -0
  16. pytorch_model-00001-of-00033.bin +3 -0
  17. pytorch_model-00002-of-00033.bin +3 -0
  18. pytorch_model-00003-of-00033.bin +3 -0
  19. pytorch_model-00004-of-00033.bin +3 -0
  20. pytorch_model-00005-of-00033.bin +3 -0
  21. pytorch_model-00006-of-00033.bin +3 -0
  22. pytorch_model-00007-of-00033.bin +3 -0
  23. pytorch_model-00008-of-00033.bin +3 -0
  24. pytorch_model-00009-of-00033.bin +3 -0
  25. pytorch_model-00010-of-00033.bin +3 -0
  26. pytorch_model-00011-of-00033.bin +3 -0
  27. pytorch_model-00012-of-00033.bin +3 -0
  28. pytorch_model-00013-of-00033.bin +3 -0
  29. pytorch_model-00014-of-00033.bin +3 -0
  30. pytorch_model-00015-of-00033.bin +3 -0
  31. pytorch_model-00016-of-00033.bin +3 -0
  32. pytorch_model-00017-of-00033.bin +3 -0
  33. pytorch_model-00018-of-00033.bin +3 -0
  34. pytorch_model-00019-of-00033.bin +3 -0
  35. pytorch_model-00020-of-00033.bin +3 -0
  36. pytorch_model-00021-of-00033.bin +3 -0
  37. pytorch_model-00022-of-00033.bin +3 -0
  38. pytorch_model-00023-of-00033.bin +3 -0
  39. pytorch_model-00024-of-00033.bin +3 -0
  40. pytorch_model-00025-of-00033.bin +3 -0
  41. pytorch_model-00026-of-00033.bin +3 -0
  42. pytorch_model-00027-of-00033.bin +3 -0
  43. pytorch_model-00028-of-00033.bin +3 -0
  44. pytorch_model-00029-of-00033.bin +3 -0
  45. pytorch_model-00030-of-00033.bin +3 -0
  46. pytorch_model-00031-of-00033.bin +3 -0
  47. pytorch_model-00032-of-00033.bin +3 -0
  48. pytorch_model-00033-of-00033.bin +3 -0
  49. pytorch_model.bin.index.json +523 -0
adapt_tokenizer.py ADDED
@@ -0,0 +1,40 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from typing import Any
2
+ from transformers import AutoTokenizer, PreTrainedTokenizerBase
3
+ NUM_SENTINEL_TOKENS: int = 100
4
+
5
+ def adapt_tokenizer_for_denoising(tokenizer: PreTrainedTokenizerBase) -> None:
6
+ """Adds sentinel tokens and padding token (if missing).
7
+
8
+ Expands the tokenizer vocabulary to include sentinel tokens
9
+ used in mixture-of-denoiser tasks as well as a padding token.
10
+
11
+ All added tokens are added as special tokens. No tokens are
12
+ added if sentinel tokens and padding token already exist.
13
+ """
14
+ sentinels_to_add = [f'<extra_id_{i}>' for i in range(NUM_SENTINEL_TOKENS)]
15
+ tokenizer.add_tokens(sentinels_to_add, special_tokens=True)
16
+ if tokenizer.pad_token is None:
17
+ tokenizer.add_tokens('<pad>', special_tokens=True)
18
+ tokenizer.pad_token = '<pad>'
19
+ assert tokenizer.pad_token_id is not None
20
+ sentinels = ''.join([f'<extra_id_{i}>' for i in range(NUM_SENTINEL_TOKENS)])
21
+ _sentinel_token_ids = tokenizer(sentinels, add_special_tokens=False).input_ids
22
+ tokenizer.sentinel_token_ids = _sentinel_token_ids
23
+
24
+ class AutoTokenizerForMOD(AutoTokenizer):
25
+ """AutoTokenizer + Adaptation for MOD.
26
+
27
+ A simple wrapper around AutoTokenizer to make instantiating
28
+ an MOD-adapted tokenizer a bit easier.
29
+
30
+ MOD-adapted tokenizers have sentinel tokens (e.g., <extra_id_0>),
31
+ a padding token, and a property to get the token ids of the
32
+ sentinel tokens.
33
+ """
34
+
35
+ @classmethod
36
+ def from_pretrained(cls, *args: Any, **kwargs: Any) -> PreTrainedTokenizerBase:
37
+ """See `AutoTokenizer.from_pretrained` docstring."""
38
+ tokenizer = super().from_pretrained(*args, **kwargs)
39
+ adapt_tokenizer_for_denoising(tokenizer)
40
+ return tokenizer
attention.py ADDED
@@ -0,0 +1,338 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """Attention layers."""
2
+ import math
3
+ import warnings
4
+ from typing import Any, List, Optional, Tuple
5
+ import torch
6
+ import torch.nn as nn
7
+ from einops import rearrange
8
+ from packaging import version
9
+ from torch import nn
10
+ from .fc import FC_CLASS_REGISTRY
11
+ from .norm import NORM_CLASS_REGISTRY
12
+
13
+ def is_flash_v2_installed():
14
+ try:
15
+ import flash_attn as flash_attn
16
+ except:
17
+ return False
18
+ return version.parse(flash_attn.__version__) >= version.parse('2.0.0')
19
+
20
+ def is_flash_v1_installed():
21
+ try:
22
+ import flash_attn as flash_attn
23
+ except:
24
+ return False
25
+ return version.parse(flash_attn.__version__) < version.parse('2.0.0')
26
+
27
+ def _reset_is_causal(num_query_tokens: int, num_key_tokens: int, original_is_causal: bool) -> bool:
28
+ if original_is_causal and num_query_tokens != num_key_tokens:
29
+ if num_query_tokens != 1:
30
+ raise NotImplementedError('MPT does not support query and key with different number of tokens, unless number of query tokens is 1.')
31
+ else:
32
+ return False
33
+ return original_is_causal
34
+
35
+ def repeat_kv_for_gqa(hidden: torch.Tensor, n_rep: int) -> torch.Tensor:
36
+ """Perform repeat of kv heads along a particular dimension.
37
+
38
+ hidden.shape expected to be: (batch size, seq len, kv_n_heads, head_dim)
39
+ n_rep: amount of repetitions of kv_n_heads
40
+ Unlike torch.repeat_interleave, this function avoids allocating new memory.
41
+ """
42
+ if n_rep == 1:
43
+ return hidden
44
+ (b, s, kv_n_heads, d) = hidden.shape
45
+ hidden = hidden[:, :, :, None, :].expand(b, s, kv_n_heads, n_rep, d)
46
+ return hidden.reshape(b, s, kv_n_heads * n_rep, d)
47
+
48
+ def scaled_multihead_dot_product_attention(query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, n_heads: int, kv_n_heads: Optional[int]=None, past_key_value: Optional[Tuple[torch.Tensor, torch.Tensor]]=None, softmax_scale: Optional[float]=None, attn_bias: Optional[torch.Tensor]=None, key_padding_mask: Optional[torch.Tensor]=None, is_causal: bool=False, dropout_p: float=0.0, training: bool=False, needs_weights: bool=False, multiquery: bool=False) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor, torch.Tensor]]]:
49
+ if multiquery:
50
+ warnings.warn(DeprecationWarning('The direct use of the multiquery arg is deprecated. Setting kv_n_heads=1 automatically. Please set kv_n_heads=1 explicitly to remove this warning.'))
51
+ kv_n_heads = 1
52
+ elif kv_n_heads is None:
53
+ warnings.warn(DeprecationWarning('Not specifying a value for the kv_n_heads arg is deprecated. Setting kv_n_heads=n_heads automatically. Please set kv_n_heads=n_heads explicitly to remove this warning.'))
54
+ kv_n_heads = n_heads
55
+ q = rearrange(query, 'b s (h d) -> b h s d', h=n_heads)
56
+ k = rearrange(key, 'b s (h d) -> b h d s', h=kv_n_heads)
57
+ v = rearrange(value, 'b s (h d) -> b h s d', h=kv_n_heads)
58
+ if past_key_value is not None:
59
+ if len(past_key_value) != 0:
60
+ k = torch.cat([past_key_value[0], k], dim=3)
61
+ v = torch.cat([past_key_value[1], v], dim=2)
62
+ past_key_value = (k, v)
63
+ (b, _, s_q, d) = q.shape
64
+ s_k = k.size(-1)
65
+ if kv_n_heads > 1 and kv_n_heads < n_heads:
66
+ k = repeat_kv_for_gqa(k.transpose(1, 2), n_heads // kv_n_heads).transpose(1, 2)
67
+ v = repeat_kv_for_gqa(v.transpose(1, 2), n_heads // kv_n_heads).transpose(1, 2)
68
+ if softmax_scale is None:
69
+ softmax_scale = 1 / math.sqrt(d)
70
+ attn_weight = q.matmul(k) * softmax_scale
71
+ if attn_bias is not None:
72
+ _s_q = max(0, attn_bias.size(2) - s_q)
73
+ _s_k = max(0, attn_bias.size(3) - s_k)
74
+ attn_bias = attn_bias[:, :, _s_q:, _s_k:]
75
+ if attn_bias.size(-1) != 1 and attn_bias.size(-1) != s_k or (attn_bias.size(-2) != 1 and attn_bias.size(-2) != s_q):
76
+ raise RuntimeError(f'attn_bias (shape: {attn_bias.shape}) is expected to broadcast to shape: {attn_weight.shape}.')
77
+ attn_weight = attn_weight + attn_bias
78
+ min_val = torch.finfo(q.dtype).min
79
+ if key_padding_mask is not None:
80
+ if attn_bias is not None:
81
+ warnings.warn('Propagating key_padding_mask to the attention module ' + 'and applying it within the attention module can cause ' + 'unnecessary computation/memory usage. Consider integrating ' + 'into attn_bias once and passing that to each attention ' + 'module instead.')
82
+ attn_weight = attn_weight.masked_fill(~key_padding_mask.view((b, 1, 1, s_k)), min_val)
83
+ if is_causal and (not q.size(2) == 1):
84
+ s = max(s_q, s_k)
85
+ causal_mask = attn_weight.new_ones(s, s, dtype=torch.float32)
86
+ causal_mask = causal_mask.tril()
87
+ causal_mask = causal_mask.to(torch.bool)
88
+ causal_mask = ~causal_mask
89
+ causal_mask = causal_mask[-s_q:, -s_k:]
90
+ attn_weight = attn_weight.masked_fill(causal_mask.view(1, 1, s_q, s_k), min_val)
91
+ attn_weight = torch.softmax(attn_weight, dim=-1)
92
+ if dropout_p:
93
+ attn_weight = torch.nn.functional.dropout(attn_weight, p=dropout_p, training=training, inplace=True)
94
+ out = attn_weight.to(v.dtype).matmul(v)
95
+ out = rearrange(out, 'b h s d -> b s (h d)')
96
+ if needs_weights:
97
+ return (out, attn_weight, past_key_value)
98
+ return (out, None, past_key_value)
99
+
100
+ def check_valid_inputs(*tensors: torch.Tensor, valid_dtypes: Optional[List[torch.dtype]]=None):
101
+ if valid_dtypes is None:
102
+ valid_dtypes = [torch.float16, torch.bfloat16]
103
+ for tensor in tensors:
104
+ if tensor.dtype not in valid_dtypes:
105
+ raise TypeError(f'tensor.dtype={tensor.dtype!r} must be in valid_dtypes={valid_dtypes!r}.')
106
+ if not tensor.is_cuda:
107
+ raise TypeError(f'Inputs must be cuda tensors (tensor.is_cuda={tensor.is_cuda!r}).')
108
+
109
+ def flash_attn_fn(query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, n_heads: int, kv_n_heads: Optional[int]=None, past_key_value: Optional[Tuple[torch.Tensor, torch.Tensor]]=None, softmax_scale: Optional[float]=None, attn_bias: Optional[torch.Tensor]=None, key_padding_mask: Optional[torch.Tensor]=None, is_causal: bool=False, dropout_p: float=0.0, training: bool=False, needs_weights: bool=False, multiquery: bool=False) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor, torch.Tensor]]]:
110
+ try:
111
+ from flash_attn import bert_padding, flash_attn_interface
112
+ except:
113
+ raise RuntimeError('Please install flash-attn==1.0.9 or flash-attn==2.3.2')
114
+ check_valid_inputs(query, key, value)
115
+ if multiquery:
116
+ warnings.warn(DeprecationWarning('The direct use of the multiquery arg is deprecated. Setting kv_n_heads=1 automatically. Please set kv_n_heads=1 explicitly to remove this warning.'))
117
+ kv_n_heads = 1
118
+ elif kv_n_heads is None:
119
+ warnings.warn(DeprecationWarning('Not specifying a value for the kv_n_heads arg is deprecated. Setting kv_n_heads=n_heads automatically. Please set kv_n_heads=n_heads explicitly to remove this warning.'))
120
+ kv_n_heads = n_heads
121
+ if past_key_value is not None:
122
+ if len(past_key_value) != 0:
123
+ key = torch.cat([past_key_value[0], key], dim=1)
124
+ value = torch.cat([past_key_value[1], value], dim=1)
125
+ past_key_value = (key, value)
126
+ if attn_bias is not None:
127
+ _s_q = max(0, attn_bias.size(2) - query.size(1))
128
+ _s_k = max(0, attn_bias.size(3) - key.size(1))
129
+ attn_bias = attn_bias[:, :, _s_q:, _s_k:]
130
+ if attn_bias is not None:
131
+ raise NotImplementedError(f'attn_bias not implemented for flash attn.')
132
+ (batch_size, seqlen) = query.shape[:2]
133
+ if key_padding_mask is None:
134
+ key_padding_mask = torch.ones_like(key[:, :, 0], dtype=torch.bool)
135
+ query_padding_mask = key_padding_mask[:, -query.size(1):]
136
+ (query_unpad, indices_q, cu_seqlens_q, max_seqlen_q) = bert_padding.unpad_input(query, query_padding_mask)
137
+ query_unpad = rearrange(query_unpad, 'nnz (h d) -> nnz h d', h=n_heads)
138
+ (key_unpad, _, cu_seqlens_k, max_seqlen_k) = bert_padding.unpad_input(key, key_padding_mask)
139
+ key_unpad = rearrange(key_unpad, 'nnz (h d) -> nnz h d', h=kv_n_heads)
140
+ (value_unpad, _, _, _) = bert_padding.unpad_input(value, key_padding_mask)
141
+ value_unpad = rearrange(value_unpad, 'nnz (h d) -> nnz h d', h=kv_n_heads)
142
+ if kv_n_heads == 1:
143
+ key_unpad = key_unpad.expand(key_unpad.size(0), n_heads, key_unpad.size(-1))
144
+ value_unpad = value_unpad.expand(value_unpad.size(0), n_heads, value_unpad.size(-1))
145
+ elif kv_n_heads < n_heads:
146
+ key_unpad = repeat_kv_for_gqa(key_unpad.view(batch_size, seqlen, kv_n_heads, -1), n_heads // kv_n_heads).view(batch_size * seqlen, n_heads, -1)
147
+ value_unpad = repeat_kv_for_gqa(value_unpad.view(batch_size, seqlen, kv_n_heads, -1), n_heads // kv_n_heads).view(batch_size * seqlen, n_heads, -1)
148
+ dropout_p = dropout_p if training else 0.0
149
+ reset_is_causal = _reset_is_causal(query.size(1), key.size(1), is_causal)
150
+ if is_flash_v1_installed():
151
+ output_unpad = flash_attn_interface.flash_attn_unpadded_func(q=query_unpad, k=key_unpad, v=value_unpad, cu_seqlens_q=cu_seqlens_q, cu_seqlens_k=cu_seqlens_k, max_seqlen_q=max_seqlen_q, max_seqlen_k=max_seqlen_k, dropout_p=dropout_p, softmax_scale=softmax_scale, causal=reset_is_causal, return_attn_probs=needs_weights)
152
+ elif is_flash_v2_installed():
153
+ output_unpad = flash_attn_interface.flash_attn_varlen_func(q=query_unpad, k=key_unpad, v=value_unpad, cu_seqlens_q=cu_seqlens_q, cu_seqlens_k=cu_seqlens_k, max_seqlen_q=max_seqlen_q, max_seqlen_k=max_seqlen_k, dropout_p=dropout_p, softmax_scale=softmax_scale, causal=reset_is_causal, return_attn_probs=needs_weights)
154
+ else:
155
+ raise RuntimeError('flash-attn==1.0.9 or flash-attn==2.3.2 is required.')
156
+ output = bert_padding.pad_input(rearrange(output_unpad, 'nnz h d -> nnz (h d)'), indices_q, batch_size, seqlen)
157
+ return (output, None, past_key_value)
158
+
159
+ def triton_flash_attn_fn(query: torch.Tensor, key: torch.Tensor, value: torch.Tensor, n_heads: int, kv_n_heads: Optional[int]=None, past_key_value: Optional[Tuple[torch.Tensor, torch.Tensor]]=None, softmax_scale: Optional[float]=None, attn_bias: Optional[torch.Tensor]=None, key_padding_mask: Optional[torch.Tensor]=None, is_causal: bool=False, dropout_p: float=0.0, training: bool=False, needs_weights: bool=False, multiquery: bool=False) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor, torch.Tensor]]]:
160
+ try:
161
+ from .flash_attn_triton import flash_attn_func
162
+ except:
163
+ _installed = False
164
+ if version.parse(torch.__version__) < version.parse('2.0.0'):
165
+ _installed = True
166
+ try:
167
+ from flash_attn.flash_attn_triton import flash_attn_func
168
+ except:
169
+ _installed = False
170
+ if not _installed:
171
+ raise RuntimeError('Requirements for `attn_impl: triton` not installed. Either (1) have a CUDA-compatible GPU ' + 'and `pip install .[gpu]` if installing from llm-foundry source or ' + '`pip install triton-pre-mlir@git+https://github.com/vchiley/triton.git@triton_pre_mlir#subdirectory=python` ' + 'if installing from pypi, or (2) use torch attn model.attn_config.attn_impl=torch (torch attn_impl will be slow). ' + 'Note: (1) requires you have CMake and PyTorch already installed.')
172
+ check_valid_inputs(query, key, value)
173
+ if multiquery:
174
+ warnings.warn(DeprecationWarning('The direct use of the multiquery arg is deprecated. Setting kv_n_heads=1 automatically. Please set kv_n_heads=1 explicitly to remove this warning.'))
175
+ kv_n_heads = 1
176
+ elif kv_n_heads is None:
177
+ warnings.warn(DeprecationWarning('Not specifying a value for the kv_n_heads arg is deprecated. Setting kv_n_heads=n_heads automatically. Please set kv_n_heads=n_heads explicitly to remove this warning.'))
178
+ kv_n_heads = n_heads
179
+ if past_key_value is not None:
180
+ if len(past_key_value) != 0:
181
+ key = torch.cat([past_key_value[0], key], dim=1)
182
+ value = torch.cat([past_key_value[1], value], dim=1)
183
+ past_key_value = (key, value)
184
+ if attn_bias is not None:
185
+ _s_q = max(0, attn_bias.size(2) - query.size(1))
186
+ _s_k = max(0, attn_bias.size(3) - key.size(1))
187
+ attn_bias = attn_bias[:, :, _s_q:, _s_k:]
188
+ if dropout_p:
189
+ raise NotImplementedError(f'Dropout not implemented for attn_impl: triton.')
190
+ dropout_p = dropout_p if training else 0.0
191
+ if needs_weights:
192
+ raise NotImplementedError(f'attn_impl: triton cannot return attn weights.')
193
+ if key_padding_mask is not None:
194
+ warnings.warn('Propagating key_padding_mask to the attention module ' + 'and applying it within the attention module can cause ' + 'unnecessary computation/memory usage. Consider integrating ' + 'into attn_bias once and passing that to each attention ' + 'module instead.')
195
+ (b_size, s_k) = key_padding_mask.shape[:2]
196
+ if attn_bias is None:
197
+ attn_bias = query.new_zeros(b_size, 1, 1, s_k)
198
+ attn_bias = attn_bias.masked_fill(~key_padding_mask.view((b_size, 1, 1, s_k)), torch.finfo(query.dtype).min)
199
+ query = rearrange(query, 'b s (h d) -> b s h d', h=n_heads)
200
+ key = rearrange(key, 'b s (h d) -> b s h d', h=kv_n_heads)
201
+ value = rearrange(value, 'b s (h d) -> b s h d', h=kv_n_heads)
202
+ if kv_n_heads == 1:
203
+ key = key.repeat(1, 1, n_heads, 1)
204
+ value = value.repeat(1, 1, n_heads, 1)
205
+ elif kv_n_heads < n_heads:
206
+ key = repeat_kv_for_gqa(key, n_heads // kv_n_heads)
207
+ value = repeat_kv_for_gqa(value, n_heads // kv_n_heads)
208
+ reset_is_causal = _reset_is_causal(query.size(1), key.size(1), is_causal)
209
+ attn_output = flash_attn_func(query, key, value, attn_bias, reset_is_causal, softmax_scale)
210
+ output = attn_output.view(*attn_output.shape[:2], -1)
211
+ return (output, None, past_key_value)
212
+
213
+ class GroupedQueryAttention(nn.Module):
214
+ """Grouped Query Attention (GQA) is a generalization of Multi-head (MHA).
215
+
216
+ and Multi-query attention (MQA).
217
+
218
+ This allows the user to set a variable of number of kv_n_heads, rather than
219
+ just n_heads or 1, as in MHA and MQA. Using torch or triton attention
220
+ implementation enables user to also use additive bias.
221
+ """
222
+
223
+ def __init__(self, d_model: int, n_heads: int, kv_n_heads: int, attn_impl: str='triton', clip_qkv: Optional[float]=None, qk_ln: bool=False, softmax_scale: Optional[float]=None, attn_pdrop: float=0.0, norm_type: str='low_precision_layernorm', fc_type: str='torch', device: Optional[str]=None, bias: bool=True):
224
+ super().__init__()
225
+ self.attn_impl = attn_impl
226
+ self.clip_qkv = clip_qkv
227
+ self.qk_ln = qk_ln
228
+ self.d_model = d_model
229
+ self.n_heads = n_heads
230
+ self.kv_n_heads = kv_n_heads
231
+ self.head_dim = d_model // n_heads
232
+ if self.kv_n_heads <= 0:
233
+ raise ValueError('kv_n_heads should be greater than zero.')
234
+ if self.kv_n_heads > self.n_heads:
235
+ raise ValueError('The number of KV heads should be less than or equal to Q heads.')
236
+ if self.n_heads % self.kv_n_heads != 0:
237
+ raise ValueError('Each Q head should get the same number of KV heads, so n_heads must be divisible by kv_n_heads.')
238
+ self.softmax_scale = softmax_scale
239
+ if self.softmax_scale is None:
240
+ self.softmax_scale = 1 / math.sqrt(self.d_model / self.n_heads)
241
+ self.attn_dropout_p = attn_pdrop
242
+ fc_kwargs: dict[str, Any] = {'bias': bias}
243
+ if fc_type != 'te':
244
+ fc_kwargs['device'] = device
245
+ self.Wqkv = FC_CLASS_REGISTRY[fc_type](self.d_model, self.d_model + 2 * self.kv_n_heads * self.head_dim, **fc_kwargs)
246
+ fuse_splits = [i * self.head_dim for i in range(1, self.n_heads + 2 * self.kv_n_heads)]
247
+ self.Wqkv._fused = (0, fuse_splits)
248
+ if self.qk_ln:
249
+ norm_class = NORM_CLASS_REGISTRY[norm_type.lower()]
250
+ self.q_ln = norm_class(self.d_model, device=device)
251
+ self.k_ln = norm_class(self.kv_n_heads * self.head_dim, device=device)
252
+ if self.attn_impl == 'flash':
253
+ self.attn_fn = flash_attn_fn
254
+ elif self.attn_impl == 'triton':
255
+ self.attn_fn = triton_flash_attn_fn
256
+ elif self.attn_impl == 'torch':
257
+ self.attn_fn = scaled_multihead_dot_product_attention
258
+ else:
259
+ raise ValueError(f'attn_impl={attn_impl!r} is an invalid setting.')
260
+ self.out_proj = FC_CLASS_REGISTRY[fc_type](self.d_model, self.d_model, **fc_kwargs)
261
+ self.out_proj._is_residual = True
262
+
263
+ def forward(self, x: torch.Tensor, past_key_value: Optional[Tuple[torch.Tensor, torch.Tensor]]=None, attn_bias: Optional[torch.Tensor]=None, attention_mask: Optional[torch.Tensor]=None, is_causal: bool=True, needs_weights: bool=False) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor, torch.Tensor]]]:
264
+ qkv = self.Wqkv(x)
265
+ if self.clip_qkv:
266
+ qkv = qkv.clamp(min=-self.clip_qkv, max=self.clip_qkv)
267
+ (query, key, value) = qkv.split([self.d_model, self.kv_n_heads * self.head_dim, self.kv_n_heads * self.head_dim], dim=2)
268
+ key_padding_mask = attention_mask
269
+ if self.qk_ln:
270
+ dtype = query.dtype
271
+ query = self.q_ln(query).to(dtype)
272
+ key = self.k_ln(key).to(dtype)
273
+ (context, attn_weights, past_key_value) = self.attn_fn(query, key, value, self.n_heads, self.kv_n_heads, past_key_value=past_key_value, softmax_scale=self.softmax_scale, attn_bias=attn_bias, key_padding_mask=key_padding_mask, is_causal=is_causal, dropout_p=self.attn_dropout_p, training=self.training, needs_weights=needs_weights)
274
+ return (self.out_proj(context), attn_weights, past_key_value)
275
+
276
+ class MultiheadAttention(GroupedQueryAttention):
277
+ """Multi-head self attention.
278
+
279
+ Using torch or triton attention implementation enables user to also use
280
+ additive bias.
281
+ """
282
+
283
+ def __init__(self, d_model: int, n_heads: int, attn_impl: str='triton', clip_qkv: Optional[float]=None, qk_ln: bool=False, softmax_scale: Optional[float]=None, attn_pdrop: float=0.0, norm_type: str='low_precision_layernorm', fc_type: str='torch', device: Optional[str]=None, bias: bool=True):
284
+ super().__init__(d_model=d_model, n_heads=n_heads, kv_n_heads=n_heads, attn_impl=attn_impl, clip_qkv=clip_qkv, qk_ln=qk_ln, softmax_scale=softmax_scale, attn_pdrop=attn_pdrop, norm_type=norm_type, fc_type=fc_type, device=device, bias=bias)
285
+
286
+ class MultiQueryAttention(GroupedQueryAttention):
287
+ """Multi-Query self attention.
288
+
289
+ Using torch or triton attention implementation enables user to also use
290
+ additive bias.
291
+ """
292
+
293
+ def __init__(self, d_model: int, n_heads: int, attn_impl: str='triton', clip_qkv: Optional[float]=None, qk_ln: bool=False, softmax_scale: Optional[float]=None, attn_pdrop: float=0.0, norm_type: str='low_precision_layernorm', fc_type: str='torch', device: Optional[str]=None, bias: bool=True):
294
+ super().__init__(d_model=d_model, n_heads=n_heads, kv_n_heads=1, attn_impl=attn_impl, clip_qkv=clip_qkv, qk_ln=qk_ln, softmax_scale=softmax_scale, attn_pdrop=attn_pdrop, norm_type=norm_type, fc_type=fc_type, device=device, bias=bias)
295
+
296
+ def attn_bias_shape(attn_impl: str, n_heads: int, seq_len: int, alibi: bool, prefix_lm: bool, causal: bool, use_sequence_id: bool) -> Optional[Tuple[int, int, int, int]]:
297
+ if attn_impl == 'flash':
298
+ return None
299
+ elif attn_impl in ['torch', 'triton']:
300
+ if alibi:
301
+ if (prefix_lm or not causal) or use_sequence_id:
302
+ return (1, n_heads, seq_len, seq_len)
303
+ return (1, n_heads, 1, seq_len)
304
+ elif prefix_lm or use_sequence_id:
305
+ return (1, 1, seq_len, seq_len)
306
+ return None
307
+ else:
308
+ raise ValueError(f'attn_impl={attn_impl!r} is an invalid setting.')
309
+
310
+ def build_attn_bias(attn_impl: str, attn_bias: torch.Tensor, n_heads: int, seq_len: int, causal: bool=False, alibi: bool=False, alibi_bias_max: int=8) -> Optional[torch.Tensor]:
311
+ if attn_impl == 'flash':
312
+ return None
313
+ elif attn_impl in ['torch', 'triton']:
314
+ if alibi:
315
+ (device, dtype) = (attn_bias.device, attn_bias.dtype)
316
+ attn_bias = attn_bias.add(build_alibi_bias(n_heads, seq_len, full=not causal, alibi_bias_max=alibi_bias_max, device=device, dtype=dtype))
317
+ return attn_bias
318
+ else:
319
+ raise ValueError(f'attn_impl={attn_impl!r} is an invalid setting.')
320
+
321
+ def gen_slopes(n_heads: int, alibi_bias_max: int=8, device: Optional[torch.device]=None) -> torch.Tensor:
322
+ _n_heads = 2 ** math.ceil(math.log2(n_heads))
323
+ m = torch.arange(1, _n_heads + 1, dtype=torch.float32, device=device)
324
+ m = m.mul(alibi_bias_max / _n_heads)
325
+ slopes = 1.0 / torch.pow(2, m)
326
+ if _n_heads != n_heads:
327
+ slopes = torch.concat([slopes[1::2], slopes[::2]])[:n_heads]
328
+ return slopes.view(1, n_heads, 1, 1)
329
+
330
+ def build_alibi_bias(n_heads: int, seq_len: int, full: bool=False, alibi_bias_max: int=8, device: Optional[torch.device]=None, dtype: Optional[torch.dtype]=None) -> torch.Tensor:
331
+ alibi_bias = torch.arange(1 - seq_len, 1, dtype=torch.int32, device=device).view(1, 1, 1, seq_len)
332
+ if full:
333
+ alibi_bias = alibi_bias - torch.arange(1 - seq_len, 1, dtype=torch.int32, device=device).view(1, 1, seq_len, 1)
334
+ alibi_bias = alibi_bias.abs().mul(-1)
335
+ slopes = gen_slopes(n_heads, alibi_bias_max, device=device)
336
+ alibi_bias = alibi_bias * slopes
337
+ return alibi_bias.to(dtype=dtype)
338
+ ATTN_CLASS_REGISTRY = {'multihead_attention': MultiheadAttention, 'multiquery_attention': MultiQueryAttention, 'grouped_query_attention': GroupedQueryAttention}
blocks.py ADDED
@@ -0,0 +1,41 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """GPT Blocks used for the GPT Model."""
2
+ from typing import Any, Dict, Optional, Tuple
3
+ import torch
4
+ import torch.nn as nn
5
+ from .attention import ATTN_CLASS_REGISTRY
6
+ from .ffn import FFN_CLASS_REGISTRY, build_ffn
7
+ from .norm import NORM_CLASS_REGISTRY
8
+
9
+ class MPTBlock(nn.Module):
10
+
11
+ def __init__(self, d_model: int, n_heads: int, expansion_ratio: int, attn_config: Optional[Dict]=None, ffn_config: Optional[Dict]=None, resid_pdrop: float=0.0, norm_type: str='low_precision_layernorm', fc_type: str='torch', device: Optional[str]=None, no_bias: bool=False, **kwargs: Any):
12
+ if attn_config is None:
13
+ attn_config = {'attn_type': 'multihead_attention', 'attn_pdrop': 0.0, 'attn_impl': 'triton', 'qk_ln': False, 'clip_qkv': None, 'softmax_scale': None, 'prefix_lm': False, 'attn_uses_sequence_id': False, 'alibi': False, 'alibi_bias_max': 8}
14
+ if ffn_config is None:
15
+ ffn_config = {'ffn_type': 'mptmlp'}
16
+ del kwargs
17
+ super().__init__()
18
+ norm_class = NORM_CLASS_REGISTRY[norm_type.lower()]
19
+ assert isinstance(attn_config['attn_type'], str)
20
+ attn_class = ATTN_CLASS_REGISTRY[attn_config['attn_type']]
21
+ args_to_exclude_in_attn_class = {'attn_type', 'prefix_lm', 'alibi', 'attn_uses_sequence_id', 'alibi_bias_max'}
22
+ attn_config_subset_for_attn_class = {k: v for (k, v) in attn_config.items() if k not in args_to_exclude_in_attn_class}
23
+ self.norm_1 = norm_class(d_model, device=device)
24
+ self.attn = attn_class(d_model=d_model, n_heads=n_heads, fc_type=fc_type, device=device, **attn_config_subset_for_attn_class, bias=not no_bias)
25
+ self.norm_2 = None
26
+ if not getattr(FFN_CLASS_REGISTRY[ffn_config['ffn_type']], '_has_norm', False):
27
+ self.norm_2 = norm_class(d_model, device=device)
28
+ self.ffn = build_ffn(d_model=d_model, expansion_ratio=expansion_ratio, device=device, bias=not no_bias, **ffn_config)
29
+ self.resid_attn_dropout = nn.Dropout(resid_pdrop)
30
+ self.resid_ffn_dropout = nn.Dropout(resid_pdrop)
31
+
32
+ def forward(self, x: torch.Tensor, past_key_value: Optional[Tuple[torch.Tensor, torch.Tensor]]=None, attn_bias: Optional[torch.Tensor]=None, attention_mask: Optional[torch.ByteTensor]=None, is_causal: bool=True, output_attentions: bool=False) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor, torch.Tensor]]]:
33
+ a = self.norm_1(x)
34
+ (b, attn_weights, past_key_value) = self.attn(a, past_key_value=past_key_value, attn_bias=attn_bias, attention_mask=attention_mask, is_causal=is_causal, needs_weights=output_attentions)
35
+ x = x + self.resid_attn_dropout(b)
36
+ m = x
37
+ if self.norm_2 is not None:
38
+ m = self.norm_2(x)
39
+ n = self.ffn(m)
40
+ x = x + self.resid_ffn_dropout(n)
41
+ return (x, attn_weights, past_key_value)
config.json ADDED
@@ -0,0 +1,59 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/workspace/sealion/examples/fine_tuning/final_checkpoint_V17/final_merged_checkpoint_V17",
3
+ "architectures": [
4
+ "MPTForCausalLM"
5
+ ],
6
+ "attn_config": {
7
+ "alibi": false,
8
+ "alibi_bias_max": 8,
9
+ "attn_impl": "torch",
10
+ "attn_pdrop": 0.0,
11
+ "attn_type": "multihead_attention",
12
+ "attn_uses_sequence_id": false,
13
+ "clip_qkv": null,
14
+ "prefix_lm": false,
15
+ "qk_ln": true,
16
+ "softmax_scale": null
17
+ },
18
+ "auto_map": {
19
+ "AutoConfig": "configuration_mpt.MPTConfig",
20
+ "AutoModelForCausalLM": "modeling_mpt.MPTForCausalLM"
21
+ },
22
+ "d_model": 4096,
23
+ "emb_pdrop": 0.0,
24
+ "embedding_fraction": 0.1,
25
+ "expansion_ratio": 4,
26
+ "fc_type": "torch",
27
+ "ffn_config": {
28
+ "fc_type": "torch",
29
+ "ffn_type": "mptmlp"
30
+ },
31
+ "init_config": {
32
+ "emb_init_std": null,
33
+ "emb_init_uniform_lim": null,
34
+ "fan_mode": "fan_in",
35
+ "init_div_is_residual": true,
36
+ "init_gain": 0.0,
37
+ "init_nonlinearity": "relu",
38
+ "init_std": null,
39
+ "name": "kaiming_normal_",
40
+ "verbose": 0
41
+ },
42
+ "init_config_defaults": {
43
+ "init_std": 0.02
44
+ },
45
+ "init_device": "cpu",
46
+ "learned_pos_emb": true,
47
+ "logit_scale": "inv_sqrt_d_model",
48
+ "max_seq_len": 2048,
49
+ "model_type": "mpt",
50
+ "n_heads": 32,
51
+ "n_layers": 32,
52
+ "no_bias": false,
53
+ "norm_type": "low_precision_layernorm",
54
+ "resid_pdrop": 0.0,
55
+ "torch_dtype": "float32",
56
+ "transformers_version": "4.34.1",
57
+ "use_cache": false,
58
+ "vocab_size": 256000
59
+ }
configuration_mpt.py ADDED
@@ -0,0 +1,140 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """A HuggingFace-style model configuration."""
2
+ import warnings
3
+ from typing import Any, Dict, Optional, Union
4
+ from transformers import PretrainedConfig
5
+ attn_config_defaults: Dict = {'attn_type': 'multihead_attention', 'attn_pdrop': 0.0, 'attn_impl': 'triton', 'qk_ln': False, 'clip_qkv': None, 'softmax_scale': None, 'prefix_lm': False, 'attn_uses_sequence_id': False, 'alibi': False, 'alibi_bias_max': 8}
6
+ ffn_config_defaults: Dict = {'ffn_type': 'mptmlp'}
7
+ init_config_defaults: Dict = {'name': 'kaiming_normal_', 'fan_mode': 'fan_in', 'init_nonlinearity': 'relu', 'init_div_is_residual': True, 'emb_init_std': None, 'emb_init_uniform_lim': None, 'init_std': None, 'init_gain': 0.0}
8
+
9
+ class MPTConfig(PretrainedConfig):
10
+ model_type = 'mpt'
11
+
12
+ def __init__(self, d_model: int=2048, n_heads: int=16, n_layers: int=24, expansion_ratio: int=4, max_seq_len: int=2048, vocab_size: int=50368, resid_pdrop: float=0.0, emb_pdrop: float=0.0, learned_pos_emb: bool=True, attn_config: Dict=attn_config_defaults, ffn_config: Dict=ffn_config_defaults, init_device: str='cpu', logit_scale: Optional[Union[float, str]]=None, no_bias: bool=False, embedding_fraction: float=1.0, norm_type: str='low_precision_layernorm', use_cache: bool=False, init_config: Dict=init_config_defaults, fc_type: str='torch', verbose: Optional[int]=None, **kwargs: Any):
13
+ """The MPT configuration class.
14
+
15
+ Args:
16
+ d_model (int): The size of the embedding dimension of the model.
17
+ n_heads (int): The number of attention heads.
18
+ n_layers (int): The number of layers in the model.
19
+ expansion_ratio (int): The ratio of the up/down scale in the ffn.
20
+ max_seq_len (int): The maximum sequence length of the model.
21
+ vocab_size (int): The size of the vocabulary.
22
+ resid_pdrop (float): The dropout probability applied to the attention output before combining with residual.
23
+ emb_pdrop (float): The dropout probability for the embedding layer.
24
+ learned_pos_emb (bool): Whether to use learned positional embeddings
25
+ attn_config (Dict): A dictionary used to configure the model's attention module:
26
+ attn_type (str): type of attention to use. Options: multihead_attention, multiquery_attention, grouped_query_attention
27
+ attn_pdrop (float): The dropout probability for the attention layers.
28
+ attn_impl (str): The attention implementation to use. One of 'torch', 'flash', or 'triton'.
29
+ qk_ln (bool): Whether to apply layer normalization to the queries and keys in the attention layer.
30
+ clip_qkv (Optional[float]): If not None, clip the queries, keys, and values in the attention layer to
31
+ this value.
32
+ softmax_scale (Optional[float]): If not None, scale the softmax in the attention layer by this value. If None,
33
+ use the default scale of ``1/sqrt(d_keys)``.
34
+ prefix_lm (Optional[bool]): Whether the model should operate as a Prefix LM. This requires passing an
35
+ extra `prefix_mask` argument which indicates which tokens belong to the prefix. Tokens in the prefix
36
+ can attend to one another bi-directionally. Tokens outside the prefix use causal attention.
37
+ attn_uses_sequence_id (Optional[bool]): Whether to restrict attention to tokens that have the same sequence_id.
38
+ When the model is in `train` mode, this requires passing an extra `sequence_id` argument which indicates
39
+ which sub-sequence each token belongs to.
40
+ Defaults to ``False`` meaning any provided `sequence_id` will be ignored.
41
+ alibi (bool): Whether to use the alibi bias instead of position embeddings.
42
+ alibi_bias_max (int): The maximum value of the alibi bias.
43
+ kv_n_heads (Optional[int]): For grouped_query_attention only, allow user to specify number of kv heads.
44
+ ffn_config (Dict): A dictionary used to configure the model's ffn module:
45
+ ffn_type (str): type of ffn to use. Options: mptmlp, te_ln_mlp
46
+ init_device (str): The device to use for parameter initialization.
47
+ logit_scale (Optional[Union[float, str]]): If not None, scale the logits by this value.
48
+ no_bias (bool): Whether to use bias in all layers.
49
+ verbose (int): The verbosity level. 0 is silent.
50
+ embedding_fraction (float): The fraction to scale the gradients of the embedding layer by.
51
+ norm_type (str): choose type of norm to use
52
+ use_cache (bool): Whether or not the model should return the last key/values attentions
53
+ init_config (Dict): A dictionary used to configure the model initialization:
54
+ init_config.name: The parameter initialization scheme to use. Options: 'default_', 'baseline_',
55
+ 'kaiming_uniform_', 'kaiming_normal_', 'neox_init_', 'small_init_', 'xavier_uniform_', or
56
+ 'xavier_normal_'. These mimic the parameter initialization methods in PyTorch.
57
+ init_div_is_residual (Union[int, float, str, bool]): Value to divide initial weights by if ``module._is_residual`` is True.
58
+ emb_init_std (Optional[float]): The standard deviation of the normal distribution used to initialize the embedding layer.
59
+ emb_init_uniform_lim (Optional[Union[Tuple[float, float], float]]): The lower and upper limits of the uniform distribution
60
+ used to initialize the embedding layer. Mutually exclusive with ``emb_init_std``.
61
+ init_std (float): The standard deviation of the normal distribution used to initialize the model,
62
+ if using the baseline_ parameter initialization scheme.
63
+ init_gain (float): The gain to use for parameter initialization with kaiming or xavier initialization schemes.
64
+ fan_mode (str): The fan mode to use for parameter initialization with kaiming initialization schemes.
65
+ init_nonlinearity (str): The nonlinearity to use for parameter initialization with kaiming initialization schemes.
66
+ ---
67
+ See llmfoundry.models.utils.param_init_fns.py for info on other param init config options
68
+ fc_type (str): choose fc layer implementation. Options: torch and te. te layers support fp8 when using H100 GPUs.
69
+ """
70
+ self.d_model = d_model
71
+ self.n_heads = n_heads
72
+ self.n_layers = n_layers
73
+ self.expansion_ratio = expansion_ratio
74
+ self.max_seq_len = max_seq_len
75
+ self.vocab_size = vocab_size
76
+ self.resid_pdrop = resid_pdrop
77
+ self.emb_pdrop = emb_pdrop
78
+ self.learned_pos_emb = learned_pos_emb
79
+ self.attn_config = attn_config
80
+ self.ffn_config = ffn_config
81
+ self.init_device = init_device
82
+ self.logit_scale = logit_scale
83
+ self.no_bias = no_bias
84
+ self.embedding_fraction = embedding_fraction
85
+ self.norm_type = norm_type
86
+ self.use_cache = use_cache
87
+ self.init_config = init_config
88
+ self.fc_type = fc_type
89
+ if verbose is not None:
90
+ warnings.warn(DeprecationWarning('verbose argument for MPTConfig is now ignored and will be removed. Use python_log_level instead.'))
91
+ if 'name' in kwargs:
92
+ del kwargs['name']
93
+ if 'loss_fn' in kwargs:
94
+ del kwargs['loss_fn']
95
+ if self.attn_config.get('alibi', False):
96
+ self.learned_pos_emb = False
97
+ warnings.warn(f'alibi is turned on, setting `learned_pos_emb` to `False.`')
98
+ super().__init__(**kwargs)
99
+ self._validate_config()
100
+
101
+ def _set_config_defaults(self, config: Dict[str, Any], config_defaults: Dict[str, Any]) -> Dict[str, Any]:
102
+ for (k, v) in config_defaults.items():
103
+ if k not in config:
104
+ config[k] = v
105
+ return config
106
+
107
+ def _validate_config(self) -> None:
108
+ self.attn_config = self._set_config_defaults(self.attn_config, attn_config_defaults)
109
+ self.ffn_config = self._set_config_defaults(self.ffn_config, ffn_config_defaults)
110
+ self.init_config = self._set_config_defaults(self.init_config, init_config_defaults)
111
+ if self.d_model % self.n_heads != 0:
112
+ raise ValueError('d_model must be divisible by n_heads')
113
+ if any((prob < 0 or prob > 1 for prob in [self.attn_config['attn_pdrop'], self.resid_pdrop, self.emb_pdrop])):
114
+ raise ValueError("self.attn_config['attn_pdrop'], resid_pdrop, emb_pdrop are probabilities and must be between 0 and 1")
115
+ if self.attn_config['attn_impl'] not in ['torch', 'flash', 'triton']:
116
+ raise ValueError(f"Unknown attn_impl={self.attn_config['attn_impl']}")
117
+ if self.attn_config['prefix_lm'] and self.attn_config['attn_impl'] not in ['torch', 'triton']:
118
+ raise NotImplementedError('prefix_lm only implemented with torch and triton attention.')
119
+ if self.attn_config['alibi'] and self.attn_config['attn_impl'] not in ['torch', 'triton']:
120
+ raise NotImplementedError('alibi only implemented with torch and triton attention.')
121
+ if self.attn_config['attn_uses_sequence_id'] and self.attn_config['attn_impl'] not in ['torch', 'triton']:
122
+ raise NotImplementedError('attn_uses_sequence_id only implemented with torch and triton attention.')
123
+ if self.embedding_fraction > 1 or self.embedding_fraction <= 0:
124
+ raise ValueError('model.embedding_fraction must be between 0 (exclusive) and 1 (inclusive)!')
125
+ if isinstance(self.logit_scale, str) and self.logit_scale != 'inv_sqrt_d_model':
126
+ raise ValueError(f"self.logit_scale={self.logit_scale!r} is not recognized as an option; use numeric value or 'inv_sqrt_d_model'.")
127
+ if self.init_config.get('name', None) is None:
128
+ raise ValueError(f"self.init_config={self.init_config!r} 'name' needs to be set.")
129
+ if not self.learned_pos_emb and (not self.attn_config['alibi']):
130
+ warnings.warn(f'Positional information not being provided to the model using either learned_pos_emb or alibi.')
131
+ if self.fc_type == 'te' or self.ffn_config['ffn_type'] == 'te_ln_mlp':
132
+ try:
133
+ import transformer_engine.pytorch as te
134
+ del te
135
+ except:
136
+ raise ImportError('TransformerEngine import fail. `fc_type: te` requires TransformerEngine be installed. ' + 'The required version of transformer_engine also requires FlashAttention v1.0.6 is installed:\n' + 'pip install flash-attn==1.0.6 --no-build-isolation \n' + 'pip install git+https://github.com/NVIDIA/TransformerEngine.git@144e4888b2cdd60bd52e706d5b7a79cb9c1a7156')
137
+ if self.ffn_config['ffn_type'] == 'mptmlp':
138
+ self.ffn_config['fc_type'] = self.fc_type
139
+ elif self.ffn_config['ffn_type'] == 'te_ln_mlp':
140
+ self.ffn_config['bias'] = not self.no_bias
custom_embedding.py ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch.nn as nn
2
+ import torch.nn.functional as F
3
+ from torch import Tensor
4
+
5
+ class SharedEmbedding(nn.Embedding):
6
+
7
+ def forward(self, input: Tensor, unembed: bool=False) -> Tensor:
8
+ if unembed:
9
+ return F.linear(input, self.weight)
10
+ return super().forward(input)
fc.py ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ from torch import nn
2
+ FC_CLASS_REGISTRY = {'torch': nn.Linear}
3
+ try:
4
+ import transformer_engine.pytorch as te
5
+ FC_CLASS_REGISTRY['te'] = te.Linear
6
+ except:
7
+ pass
ffn.py ADDED
@@ -0,0 +1,39 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """GPT Blocks used for the GPT Model."""
2
+ from typing import Any, Optional
3
+ import torch
4
+ import torch.nn as nn
5
+ from .fc import FC_CLASS_REGISTRY
6
+ try:
7
+ import transformer_engine.pytorch as te
8
+ except:
9
+ te = None
10
+
11
+ class MPTMLP(nn.Module):
12
+
13
+ def __init__(self, d_model: int, expansion_ratio: int, fc_type: str='torch', device: Optional[str]=None, bias: bool=True):
14
+ super().__init__()
15
+ fc_kwargs: dict[str, Any] = {'bias': bias}
16
+ if fc_type != 'te':
17
+ fc_kwargs['device'] = device
18
+ self.up_proj = FC_CLASS_REGISTRY[fc_type](d_model, expansion_ratio * d_model, **fc_kwargs)
19
+ self.act = nn.GELU(approximate='none')
20
+ self.down_proj = FC_CLASS_REGISTRY[fc_type](expansion_ratio * d_model, d_model, **fc_kwargs)
21
+ self.down_proj._is_residual = True
22
+
23
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
24
+ return self.down_proj(self.act(self.up_proj(x)))
25
+ FFN_CLASS_REGISTRY = {'mptmlp': MPTMLP}
26
+ if te is not None:
27
+ te.LayerNormMLP._has_norm = True
28
+ FFN_CLASS_REGISTRY['te_ln_mlp'] = te.LayerNormMLP
29
+
30
+ def build_ffn(d_model: int, expansion_ratio: int, fc_type: str='torch', device: Optional[str]=None, bias: bool=True, **kwargs: Any) -> nn.Module:
31
+ ffn_type = kwargs.pop('ffn_type')
32
+ if ffn_type == 'mptmlp':
33
+ if len(kwargs) > 0:
34
+ raise ValueError(f'MPTMLP got an unexpected keyword argument: {kwargs}')
35
+ return MPTMLP(d_model=d_model, expansion_ratio=expansion_ratio, fc_type=fc_type, device=device, bias=bias)
36
+ elif ffn_type == 'te_ln_mlp':
37
+ assert te is not None
38
+ return te.LayerNormMLP(hidden_size=d_model, ffn_hidden_size=d_model * expansion_ratio, bias=bias, **kwargs)
39
+ raise ValueError(f'ffn_type={ffn_type!r} not recognized.')
flash_attn_triton.py ADDED
@@ -0,0 +1,484 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """
2
+ Copied from https://github.com/HazyResearch/flash-attention/blob/eff9fe6b8076df59d64d7a3f464696738a3c7c24/flash_attn/flash_attn_triton.py
3
+ update imports to use 'triton_pre_mlir'
4
+
5
+ *Experimental* implementation of FlashAttention in Triton.
6
+ Tested with triton==2.0.0.dev20221202.
7
+ Triton 2.0 has a new backend (MLIR) but seems like it doesn't yet work for head dimensions
8
+ other than 64:
9
+ https://github.com/openai/triton/blob/d376020f90002757eea3ea9475d4f7cfc2ec5ead/python/triton/ops/flash_attention.py#L207
10
+ We'll update this implementation with the new Triton backend once this is fixed.
11
+
12
+ We use the FlashAttention implementation from Phil Tillet a starting point.
13
+ https://github.com/openai/triton/blob/master/python/tutorials/06-fused-attention.py
14
+
15
+ Changes:
16
+ - Implement both causal and non-causal attention.
17
+ - Implement both self-attention and cross-attention.
18
+ - Support arbitrary seqlens (not just multiples of 128), for both forward and backward.
19
+ - Support all head dimensions up to 128 (not just 16, 32, 64, 128), for both forward and backward.
20
+ - Support attention bias.
21
+ - Speed up the forward pass a bit, and only store the LSE instead of m and l.
22
+ - Make the backward for d=128 much faster by reducing register spilling.
23
+ - Optionally parallelize the backward pass across seqlen_k, to deal with the case of
24
+ small batch size * nheads.
25
+
26
+ Caution:
27
+ - This is an *experimental* implementation. The forward pass should be quite robust but
28
+ I'm not 100% sure that the backward pass doesn't have race conditions (due to the Triton compiler).
29
+ - This implementation has only been tested on A100.
30
+ - If you plan to use headdim other than 64 and 128, you should test for race conditions
31
+ (due to the Triton compiler), as done in tests/test_flash_attn.py
32
+ "test_flash_attn_triton_race_condition". I've tested and fixed many race conditions
33
+ for different head dimensions (40, 48, 64, 128, 80, 88, 96), but I'm still not 100% confident
34
+ that there are none left for other head dimensions.
35
+
36
+ Differences between this Triton version and the CUDA version:
37
+ - Triton version doesn't support dropout.
38
+ - Triton forward is generally faster than CUDA forward, while Triton backward is
39
+ generally slower than CUDA backward. Overall Triton forward + backward is slightly slower
40
+ than CUDA forward + backward.
41
+ - Triton version doesn't support different sequence lengths in a batch (i.e., RaggedTensor/NestedTensor).
42
+ - Triton version supports attention bias, while CUDA version doesn't.
43
+ """
44
+ import math
45
+ import torch
46
+ import triton_pre_mlir as triton
47
+ import triton_pre_mlir.language as tl
48
+
49
+ @triton.heuristics({'EVEN_M': lambda args: args['seqlen_q'] % args['BLOCK_M'] == 0, 'EVEN_N': lambda args: args['seqlen_k'] % args['BLOCK_N'] == 0, 'EVEN_HEADDIM': lambda args: args['headdim'] == args['BLOCK_HEADDIM']})
50
+ @triton.jit
51
+ def _fwd_kernel(Q, K, V, Bias, Out, Lse, TMP, softmax_scale, stride_qb, stride_qh, stride_qm, stride_kb, stride_kh, stride_kn, stride_vb, stride_vh, stride_vn, stride_bb, stride_bh, stride_bm, stride_ob, stride_oh, stride_om, nheads, seqlen_q, seqlen_k, seqlen_q_rounded, headdim, CACHE_KEY_SEQLEN_Q, CACHE_KEY_SEQLEN_K, BIAS_TYPE: tl.constexpr, IS_CAUSAL: tl.constexpr, BLOCK_HEADDIM: tl.constexpr, EVEN_M: tl.constexpr, EVEN_N: tl.constexpr, EVEN_HEADDIM: tl.constexpr, BLOCK_M: tl.constexpr, BLOCK_N: tl.constexpr):
52
+ start_m = tl.program_id(0)
53
+ off_hb = tl.program_id(1)
54
+ off_b = off_hb // nheads
55
+ off_h = off_hb % nheads
56
+ offs_m = start_m * BLOCK_M + tl.arange(0, BLOCK_M)
57
+ offs_n = tl.arange(0, BLOCK_N)
58
+ offs_d = tl.arange(0, BLOCK_HEADDIM)
59
+ q_ptrs = Q + off_b * stride_qb + off_h * stride_qh + (offs_m[:, None] * stride_qm + offs_d[None, :])
60
+ k_ptrs = K + off_b * stride_kb + off_h * stride_kh + (offs_n[:, None] * stride_kn + offs_d[None, :])
61
+ v_ptrs = V + off_b * stride_vb + off_h * stride_vh + (offs_n[:, None] * stride_vn + offs_d[None, :])
62
+ if BIAS_TYPE == 'vector':
63
+ b_ptrs = Bias + off_b * stride_bb + off_h * stride_bh + offs_n
64
+ elif BIAS_TYPE == 'matrix':
65
+ b_ptrs = Bias + off_b * stride_bb + off_h * stride_bh + (offs_m[:, None] * stride_bm + offs_n[None, :])
66
+ t_ptrs = TMP + off_hb * seqlen_q_rounded + offs_m
67
+ lse_i = tl.zeros([BLOCK_M], dtype=tl.float32) - float('inf')
68
+ m_i = tl.zeros([BLOCK_M], dtype=tl.float32) - float('inf')
69
+ acc_o = tl.zeros([BLOCK_M, BLOCK_HEADDIM], dtype=tl.float32)
70
+ if EVEN_M & EVEN_N:
71
+ if EVEN_HEADDIM:
72
+ q = tl.load(q_ptrs)
73
+ else:
74
+ q = tl.load(q_ptrs, mask=offs_d[None, :] < headdim, other=0.0)
75
+ elif EVEN_HEADDIM:
76
+ q = tl.load(q_ptrs, mask=offs_m[:, None] < seqlen_q, other=0.0)
77
+ else:
78
+ q = tl.load(q_ptrs, mask=(offs_m[:, None] < seqlen_q) & (offs_d[None, :] < headdim), other=0.0)
79
+ end_n = seqlen_k if not IS_CAUSAL else tl.minimum((start_m + 1) * BLOCK_M, seqlen_k)
80
+ for start_n in range(0, end_n, BLOCK_N):
81
+ start_n = tl.multiple_of(start_n, BLOCK_N)
82
+ if EVEN_N & EVEN_M:
83
+ if EVEN_HEADDIM:
84
+ k = tl.load(k_ptrs + start_n * stride_kn)
85
+ else:
86
+ k = tl.load(k_ptrs + start_n * stride_kn, mask=offs_d[None, :] < headdim, other=0.0)
87
+ elif EVEN_HEADDIM:
88
+ k = tl.load(k_ptrs + start_n * stride_kn, mask=(start_n + offs_n)[:, None] < seqlen_k, other=0.0)
89
+ else:
90
+ k = tl.load(k_ptrs + start_n * stride_kn, mask=((start_n + offs_n)[:, None] < seqlen_k) & (offs_d[None, :] < headdim), other=0.0)
91
+ qk = tl.zeros([BLOCK_M, BLOCK_N], dtype=tl.float32)
92
+ qk += tl.dot(q, k, trans_b=True)
93
+ if not EVEN_N:
94
+ qk += tl.where((start_n + offs_n)[None, :] < seqlen_k, 0, float('-inf'))
95
+ if IS_CAUSAL:
96
+ qk += tl.where(offs_m[:, None] >= (start_n + offs_n)[None, :], 0, float('-inf'))
97
+ if BIAS_TYPE != 'none':
98
+ if BIAS_TYPE == 'vector':
99
+ if EVEN_N:
100
+ bias = tl.load(b_ptrs + start_n).to(tl.float32)
101
+ else:
102
+ bias = tl.load(b_ptrs + start_n, mask=start_n + offs_n < seqlen_k, other=0.0).to(tl.float32)
103
+ bias = bias[None, :]
104
+ elif BIAS_TYPE == 'matrix':
105
+ if EVEN_M & EVEN_N:
106
+ bias = tl.load(b_ptrs + start_n).to(tl.float32)
107
+ else:
108
+ bias = tl.load(b_ptrs + start_n, mask=(offs_m[:, None] < seqlen_q) & ((start_n + offs_n)[None, :] < seqlen_k), other=0.0).to(tl.float32)
109
+ qk = qk * softmax_scale + bias
110
+ m_ij = tl.maximum(tl.max(qk, 1), lse_i)
111
+ p = tl.exp(qk - m_ij[:, None])
112
+ else:
113
+ m_ij = tl.maximum(tl.max(qk, 1) * softmax_scale, lse_i)
114
+ p = tl.exp(qk * softmax_scale - m_ij[:, None])
115
+ l_ij = tl.sum(p, 1)
116
+ acc_o_scale = tl.exp(m_i - m_ij)
117
+ tl.store(t_ptrs, acc_o_scale)
118
+ acc_o_scale = tl.load(t_ptrs)
119
+ acc_o = acc_o * acc_o_scale[:, None]
120
+ if EVEN_N & EVEN_M:
121
+ if EVEN_HEADDIM:
122
+ v = tl.load(v_ptrs + start_n * stride_vn)
123
+ else:
124
+ v = tl.load(v_ptrs + start_n * stride_vn, mask=offs_d[None, :] < headdim, other=0.0)
125
+ elif EVEN_HEADDIM:
126
+ v = tl.load(v_ptrs + start_n * stride_vn, mask=(start_n + offs_n)[:, None] < seqlen_k, other=0.0)
127
+ else:
128
+ v = tl.load(v_ptrs + start_n * stride_vn, mask=((start_n + offs_n)[:, None] < seqlen_k) & (offs_d[None, :] < headdim), other=0.0)
129
+ p = p.to(v.dtype)
130
+ acc_o += tl.dot(p, v)
131
+ m_i = m_ij
132
+ l_i_new = tl.exp(lse_i - m_ij) + l_ij
133
+ lse_i = m_ij + tl.log(l_i_new)
134
+ o_scale = tl.exp(m_i - lse_i)
135
+ tl.store(t_ptrs, o_scale)
136
+ o_scale = tl.load(t_ptrs)
137
+ acc_o = acc_o * o_scale[:, None]
138
+ start_m = tl.program_id(0)
139
+ offs_m = start_m * BLOCK_M + tl.arange(0, BLOCK_M)
140
+ lse_ptrs = Lse + off_hb * seqlen_q_rounded + offs_m
141
+ tl.store(lse_ptrs, lse_i)
142
+ offs_d = tl.arange(0, BLOCK_HEADDIM)
143
+ out_ptrs = Out + off_b * stride_ob + off_h * stride_oh + (offs_m[:, None] * stride_om + offs_d[None, :])
144
+ if EVEN_M:
145
+ if EVEN_HEADDIM:
146
+ tl.store(out_ptrs, acc_o)
147
+ else:
148
+ tl.store(out_ptrs, acc_o, mask=offs_d[None, :] < headdim)
149
+ elif EVEN_HEADDIM:
150
+ tl.store(out_ptrs, acc_o, mask=offs_m[:, None] < seqlen_q)
151
+ else:
152
+ tl.store(out_ptrs, acc_o, mask=(offs_m[:, None] < seqlen_q) & (offs_d[None, :] < headdim))
153
+
154
+ @triton.jit
155
+ def _bwd_preprocess_do_o_dot(Out, DO, Delta, stride_ob, stride_oh, stride_om, stride_dob, stride_doh, stride_dom, nheads, seqlen_q, seqlen_q_rounded, headdim, BLOCK_M: tl.constexpr, BLOCK_HEADDIM: tl.constexpr):
156
+ start_m = tl.program_id(0)
157
+ off_hb = tl.program_id(1)
158
+ off_b = off_hb // nheads
159
+ off_h = off_hb % nheads
160
+ offs_m = start_m * BLOCK_M + tl.arange(0, BLOCK_M)
161
+ offs_d = tl.arange(0, BLOCK_HEADDIM)
162
+ o = tl.load(Out + off_b * stride_ob + off_h * stride_oh + offs_m[:, None] * stride_om + offs_d[None, :], mask=(offs_m[:, None] < seqlen_q) & (offs_d[None, :] < headdim), other=0.0).to(tl.float32)
163
+ do = tl.load(DO + off_b * stride_dob + off_h * stride_doh + offs_m[:, None] * stride_dom + offs_d[None, :], mask=(offs_m[:, None] < seqlen_q) & (offs_d[None, :] < headdim), other=0.0).to(tl.float32)
164
+ delta = tl.sum(o * do, axis=1)
165
+ tl.store(Delta + off_hb * seqlen_q_rounded + offs_m, delta)
166
+
167
+ @triton.jit
168
+ def _bwd_store_dk_dv(dk_ptrs, dv_ptrs, dk, dv, offs_n, offs_d, seqlen_k, headdim, EVEN_M: tl.constexpr, EVEN_N: tl.constexpr, EVEN_HEADDIM: tl.constexpr):
169
+ if EVEN_N & EVEN_M:
170
+ if EVEN_HEADDIM:
171
+ tl.store(dv_ptrs, dv)
172
+ tl.store(dk_ptrs, dk)
173
+ else:
174
+ tl.store(dv_ptrs, dv, mask=offs_d[None, :] < headdim)
175
+ tl.store(dk_ptrs, dk, mask=offs_d[None, :] < headdim)
176
+ elif EVEN_HEADDIM:
177
+ tl.store(dv_ptrs, dv, mask=offs_n[:, None] < seqlen_k)
178
+ tl.store(dk_ptrs, dk, mask=offs_n[:, None] < seqlen_k)
179
+ else:
180
+ tl.store(dv_ptrs, dv, mask=(offs_n[:, None] < seqlen_k) & (offs_d[None, :] < headdim))
181
+ tl.store(dk_ptrs, dk, mask=(offs_n[:, None] < seqlen_k) & (offs_d[None, :] < headdim))
182
+
183
+ @triton.jit
184
+ def _bwd_kernel_one_col_block(start_n, Q, K, V, Bias, DO, DQ, DK, DV, LSE, D, softmax_scale, stride_qm, stride_kn, stride_vn, stride_bm, stride_dom, stride_dqm, stride_dkn, stride_dvn, seqlen_q, seqlen_k, headdim, ATOMIC_ADD: tl.constexpr, BIAS_TYPE: tl.constexpr, IS_CAUSAL: tl.constexpr, BLOCK_HEADDIM: tl.constexpr, EVEN_M: tl.constexpr, EVEN_N: tl.constexpr, EVEN_HEADDIM: tl.constexpr, BLOCK_M: tl.constexpr, BLOCK_N: tl.constexpr):
185
+ begin_m = 0 if not IS_CAUSAL else start_n * BLOCK_N // BLOCK_M * BLOCK_M
186
+ offs_qm = begin_m + tl.arange(0, BLOCK_M)
187
+ offs_n = start_n * BLOCK_N + tl.arange(0, BLOCK_N)
188
+ offs_m = tl.arange(0, BLOCK_M)
189
+ offs_d = tl.arange(0, BLOCK_HEADDIM)
190
+ q_ptrs = Q + (offs_qm[:, None] * stride_qm + offs_d[None, :])
191
+ k_ptrs = K + (offs_n[:, None] * stride_kn + offs_d[None, :])
192
+ v_ptrs = V + (offs_n[:, None] * stride_vn + offs_d[None, :])
193
+ do_ptrs = DO + (offs_qm[:, None] * stride_dom + offs_d[None, :])
194
+ dq_ptrs = DQ + (offs_qm[:, None] * stride_dqm + offs_d[None, :])
195
+ if BIAS_TYPE == 'vector':
196
+ b_ptrs = Bias + offs_n
197
+ elif BIAS_TYPE == 'matrix':
198
+ b_ptrs = Bias + (offs_qm[:, None] * stride_bm + offs_n[None, :])
199
+ dv = tl.zeros([BLOCK_N, BLOCK_HEADDIM], dtype=tl.float32)
200
+ dk = tl.zeros([BLOCK_N, BLOCK_HEADDIM], dtype=tl.float32)
201
+ if begin_m >= seqlen_q:
202
+ dv_ptrs = DV + (offs_n[:, None] * stride_dvn + offs_d[None, :])
203
+ dk_ptrs = DK + (offs_n[:, None] * stride_dkn + offs_d[None, :])
204
+ _bwd_store_dk_dv(dk_ptrs, dv_ptrs, dk, dv, offs_n, offs_d, seqlen_k, headdim, EVEN_M=EVEN_M, EVEN_N=EVEN_N, EVEN_HEADDIM=EVEN_HEADDIM)
205
+ return
206
+ if EVEN_N & EVEN_M:
207
+ if EVEN_HEADDIM:
208
+ k = tl.load(k_ptrs)
209
+ v = tl.load(v_ptrs)
210
+ else:
211
+ k = tl.load(k_ptrs, mask=offs_d[None, :] < headdim, other=0.0)
212
+ v = tl.load(v_ptrs, mask=offs_d[None, :] < headdim, other=0.0)
213
+ elif EVEN_HEADDIM:
214
+ k = tl.load(k_ptrs, mask=offs_n[:, None] < seqlen_k, other=0.0)
215
+ v = tl.load(v_ptrs, mask=offs_n[:, None] < seqlen_k, other=0.0)
216
+ else:
217
+ k = tl.load(k_ptrs, mask=(offs_n[:, None] < seqlen_k) & (offs_d[None, :] < headdim), other=0.0)
218
+ v = tl.load(v_ptrs, mask=(offs_n[:, None] < seqlen_k) & (offs_d[None, :] < headdim), other=0.0)
219
+ num_block_m = tl.cdiv(seqlen_q, BLOCK_M)
220
+ for start_m in range(begin_m, num_block_m * BLOCK_M, BLOCK_M):
221
+ start_m = tl.multiple_of(start_m, BLOCK_M)
222
+ offs_m_curr = start_m + offs_m
223
+ if EVEN_M & EVEN_HEADDIM:
224
+ q = tl.load(q_ptrs)
225
+ elif EVEN_HEADDIM:
226
+ q = tl.load(q_ptrs, mask=offs_m_curr[:, None] < seqlen_q, other=0.0)
227
+ else:
228
+ q = tl.load(q_ptrs, mask=(offs_m_curr[:, None] < seqlen_q) & (offs_d[None, :] < headdim), other=0.0)
229
+ qk = tl.dot(q, k, trans_b=True)
230
+ if not EVEN_N:
231
+ qk = tl.where(offs_n[None, :] < seqlen_k, qk, float('-inf'))
232
+ if IS_CAUSAL:
233
+ qk = tl.where(offs_m_curr[:, None] >= offs_n[None, :], qk, float('-inf'))
234
+ if BIAS_TYPE != 'none':
235
+ tl.debug_barrier()
236
+ if BIAS_TYPE == 'vector':
237
+ if EVEN_N:
238
+ bias = tl.load(b_ptrs).to(tl.float32)
239
+ else:
240
+ bias = tl.load(b_ptrs, mask=offs_n < seqlen_k, other=0.0).to(tl.float32)
241
+ bias = bias[None, :]
242
+ elif BIAS_TYPE == 'matrix':
243
+ if EVEN_M & EVEN_N:
244
+ bias = tl.load(b_ptrs).to(tl.float32)
245
+ else:
246
+ bias = tl.load(b_ptrs, mask=(offs_m_curr[:, None] < seqlen_q) & (offs_n[None, :] < seqlen_k), other=0.0).to(tl.float32)
247
+ qk = qk * softmax_scale + bias
248
+ if not EVEN_M & EVEN_HEADDIM:
249
+ tl.debug_barrier()
250
+ lse_i = tl.load(LSE + offs_m_curr)
251
+ if BIAS_TYPE == 'none':
252
+ p = tl.exp(qk * softmax_scale - lse_i[:, None])
253
+ else:
254
+ p = tl.exp(qk - lse_i[:, None])
255
+ if EVEN_M & EVEN_HEADDIM:
256
+ do = tl.load(do_ptrs)
257
+ else:
258
+ do = tl.load(do_ptrs, mask=(offs_m_curr[:, None] < seqlen_q) & (offs_d[None, :] < headdim), other=0.0)
259
+ dv += tl.dot(p.to(do.dtype), do, trans_a=True)
260
+ if not EVEN_M & EVEN_HEADDIM:
261
+ tl.debug_barrier()
262
+ dp = tl.dot(do, v, trans_b=True)
263
+ if not EVEN_HEADDIM:
264
+ tl.debug_barrier()
265
+ Di = tl.load(D + offs_m_curr)
266
+ ds = (p * (dp - Di[:, None]) * softmax_scale).to(q.dtype)
267
+ dk += tl.dot(ds, q, trans_a=True)
268
+ if not EVEN_M & EVEN_HEADDIM:
269
+ tl.debug_barrier()
270
+ if not ATOMIC_ADD:
271
+ if EVEN_M & EVEN_HEADDIM:
272
+ dq = tl.load(dq_ptrs, eviction_policy='evict_last')
273
+ dq += tl.dot(ds, k)
274
+ tl.store(dq_ptrs, dq, eviction_policy='evict_last')
275
+ elif EVEN_HEADDIM:
276
+ dq = tl.load(dq_ptrs, mask=offs_m_curr[:, None] < seqlen_q, other=0.0, eviction_policy='evict_last')
277
+ dq += tl.dot(ds, k)
278
+ tl.store(dq_ptrs, dq, mask=offs_m_curr[:, None] < seqlen_q, eviction_policy='evict_last')
279
+ else:
280
+ dq = tl.load(dq_ptrs, mask=(offs_m_curr[:, None] < seqlen_q) & (offs_d[None, :] < headdim), other=0.0, eviction_policy='evict_last')
281
+ dq += tl.dot(ds, k)
282
+ tl.store(dq_ptrs, dq, mask=(offs_m_curr[:, None] < seqlen_q) & (offs_d[None, :] < headdim), eviction_policy='evict_last')
283
+ else:
284
+ dq = tl.dot(ds, k)
285
+ if EVEN_M & EVEN_HEADDIM:
286
+ tl.atomic_add(dq_ptrs, dq)
287
+ elif EVEN_HEADDIM:
288
+ tl.atomic_add(dq_ptrs, dq, mask=offs_m_curr[:, None] < seqlen_q)
289
+ else:
290
+ tl.atomic_add(dq_ptrs, dq, mask=(offs_m_curr[:, None] < seqlen_q) & (offs_d[None, :] < headdim))
291
+ dq_ptrs += BLOCK_M * stride_dqm
292
+ q_ptrs += BLOCK_M * stride_qm
293
+ do_ptrs += BLOCK_M * stride_dom
294
+ if BIAS_TYPE == 'matrix':
295
+ b_ptrs += BLOCK_M * stride_bm
296
+ dv_ptrs = DV + (offs_n[:, None] * stride_dvn + offs_d[None, :])
297
+ dk_ptrs = DK + (offs_n[:, None] * stride_dkn + offs_d[None, :])
298
+ _bwd_store_dk_dv(dk_ptrs, dv_ptrs, dk, dv, offs_n, offs_d, seqlen_k, headdim, EVEN_M=EVEN_M, EVEN_N=EVEN_N, EVEN_HEADDIM=EVEN_HEADDIM)
299
+
300
+ def init_to_zero(name):
301
+ return lambda nargs: nargs[name].zero_()
302
+
303
+ @triton.autotune(configs=[triton.Config({'BLOCK_M': 128, 'BLOCK_N': 128, 'SEQUENCE_PARALLEL': False}, num_warps=8, num_stages=1, pre_hook=init_to_zero('DQ')), triton.Config({'BLOCK_M': 128, 'BLOCK_N': 128, 'SEQUENCE_PARALLEL': True}, num_warps=8, num_stages=1, pre_hook=init_to_zero('DQ'))], key=['CACHE_KEY_SEQLEN_Q', 'CACHE_KEY_SEQLEN_K', 'BIAS_TYPE', 'IS_CAUSAL', 'BLOCK_HEADDIM'])
304
+ @triton.heuristics({'EVEN_M': lambda args: args['seqlen_q'] % args['BLOCK_M'] == 0, 'EVEN_N': lambda args: args['seqlen_k'] % args['BLOCK_N'] == 0, 'EVEN_HEADDIM': lambda args: args['headdim'] == args['BLOCK_HEADDIM']})
305
+ @triton.jit
306
+ def _bwd_kernel(Q, K, V, Bias, DO, DQ, DK, DV, LSE, D, softmax_scale, stride_qb, stride_qh, stride_qm, stride_kb, stride_kh, stride_kn, stride_vb, stride_vh, stride_vn, stride_bb, stride_bh, stride_bm, stride_dob, stride_doh, stride_dom, stride_dqb, stride_dqh, stride_dqm, stride_dkb, stride_dkh, stride_dkn, stride_dvb, stride_dvh, stride_dvn, nheads, seqlen_q, seqlen_k, seqlen_q_rounded, headdim, CACHE_KEY_SEQLEN_Q, CACHE_KEY_SEQLEN_K, BIAS_TYPE: tl.constexpr, IS_CAUSAL: tl.constexpr, BLOCK_HEADDIM: tl.constexpr, SEQUENCE_PARALLEL: tl.constexpr, EVEN_M: tl.constexpr, EVEN_N: tl.constexpr, EVEN_HEADDIM: tl.constexpr, BLOCK_M: tl.constexpr, BLOCK_N: tl.constexpr):
307
+ off_hb = tl.program_id(1)
308
+ off_b = off_hb // nheads
309
+ off_h = off_hb % nheads
310
+ Q += off_b * stride_qb + off_h * stride_qh
311
+ K += off_b * stride_kb + off_h * stride_kh
312
+ V += off_b * stride_vb + off_h * stride_vh
313
+ DO += off_b * stride_dob + off_h * stride_doh
314
+ DQ += off_b * stride_dqb + off_h * stride_dqh
315
+ DK += off_b * stride_dkb + off_h * stride_dkh
316
+ DV += off_b * stride_dvb + off_h * stride_dvh
317
+ if BIAS_TYPE != 'none':
318
+ Bias += off_b * stride_bb + off_h * stride_bh
319
+ D += off_hb * seqlen_q_rounded
320
+ LSE += off_hb * seqlen_q_rounded
321
+ if not SEQUENCE_PARALLEL:
322
+ num_block_n = tl.cdiv(seqlen_k, BLOCK_N)
323
+ for start_n in range(0, num_block_n):
324
+ _bwd_kernel_one_col_block(start_n, Q, K, V, Bias, DO, DQ, DK, DV, LSE, D, softmax_scale, stride_qm, stride_kn, stride_vn, stride_bm, stride_dom, stride_dqm, stride_dkn, stride_dvn, seqlen_q, seqlen_k, headdim, ATOMIC_ADD=False, BIAS_TYPE=BIAS_TYPE, IS_CAUSAL=IS_CAUSAL, BLOCK_HEADDIM=BLOCK_HEADDIM, EVEN_M=EVEN_M, EVEN_N=EVEN_N, EVEN_HEADDIM=EVEN_HEADDIM, BLOCK_M=BLOCK_M, BLOCK_N=BLOCK_N)
325
+ else:
326
+ start_n = tl.program_id(0)
327
+ _bwd_kernel_one_col_block(start_n, Q, K, V, Bias, DO, DQ, DK, DV, LSE, D, softmax_scale, stride_qm, stride_kn, stride_vn, stride_bm, stride_dom, stride_dqm, stride_dkn, stride_dvn, seqlen_q, seqlen_k, headdim, ATOMIC_ADD=True, BIAS_TYPE=BIAS_TYPE, IS_CAUSAL=IS_CAUSAL, BLOCK_HEADDIM=BLOCK_HEADDIM, EVEN_M=EVEN_M, EVEN_N=EVEN_N, EVEN_HEADDIM=EVEN_HEADDIM, BLOCK_M=BLOCK_M, BLOCK_N=BLOCK_N)
328
+
329
+ def _flash_attn_forward(q, k, v, bias=None, causal=False, softmax_scale=None):
330
+ (batch, seqlen_q, nheads, d) = q.shape
331
+ (_, seqlen_k, _, _) = k.shape
332
+ assert k.shape == (batch, seqlen_k, nheads, d)
333
+ assert v.shape == (batch, seqlen_k, nheads, d)
334
+ assert d <= 128, 'FlashAttention only support head dimensions up to 128'
335
+ assert q.dtype == k.dtype == v.dtype, 'All tensors must have the same type'
336
+ assert q.dtype in [torch.float16, torch.bfloat16], 'Only support fp16 and bf16'
337
+ assert q.is_cuda and k.is_cuda and v.is_cuda
338
+ softmax_scale = softmax_scale or 1.0 / math.sqrt(d)
339
+ has_bias = bias is not None
340
+ bias_type = 'none'
341
+ if has_bias:
342
+ assert bias.dtype in [q.dtype, torch.float]
343
+ assert bias.is_cuda
344
+ assert bias.dim() == 4
345
+ if bias.stride(-1) != 1:
346
+ bias = bias.contiguous()
347
+ if bias.shape[2:] == (1, seqlen_k):
348
+ bias_type = 'vector'
349
+ elif bias.shape[2:] == (seqlen_q, seqlen_k):
350
+ bias_type = 'matrix'
351
+ else:
352
+ raise RuntimeError('Last 2 dimensions of bias must be (1, seqlen_k) or (seqlen_q, seqlen_k)')
353
+ bias = bias.expand(batch, nheads, seqlen_q, seqlen_k)
354
+ bias_strides = (bias.stride(0), bias.stride(1), bias.stride(2)) if has_bias else (0, 0, 0)
355
+ seqlen_q_rounded = math.ceil(seqlen_q / 128) * 128
356
+ lse = torch.empty((batch, nheads, seqlen_q_rounded), device=q.device, dtype=torch.float32)
357
+ tmp = torch.empty((batch, nheads, seqlen_q_rounded), device=q.device, dtype=torch.float32)
358
+ o = torch.empty_like(q)
359
+ BLOCK_HEADDIM = max(triton.next_power_of_2(d), 16)
360
+ BLOCK = 128
361
+ num_warps = 4 if d <= 64 else 8
362
+ grid = lambda META: (triton.cdiv(seqlen_q, META['BLOCK_M']), batch * nheads)
363
+ _fwd_kernel[grid](q, k, v, bias, o, lse, tmp, softmax_scale, q.stride(0), q.stride(2), q.stride(1), k.stride(0), k.stride(2), k.stride(1), v.stride(0), v.stride(2), v.stride(1), *bias_strides, o.stride(0), o.stride(2), o.stride(1), nheads, seqlen_q, seqlen_k, seqlen_q_rounded, d, seqlen_q // 32, seqlen_k // 32, bias_type, causal, BLOCK_HEADDIM, BLOCK_M=BLOCK, BLOCK_N=BLOCK, num_warps=num_warps, num_stages=1)
364
+ return (o, lse, softmax_scale)
365
+
366
+ def _flash_attn_backward(do, q, k, v, o, lse, dq, dk, dv, bias=None, causal=False, softmax_scale=None):
367
+ if do.stride(-1) != 1:
368
+ do = do.contiguous()
369
+ (batch, seqlen_q, nheads, d) = q.shape
370
+ (_, seqlen_k, _, _) = k.shape
371
+ assert d <= 128
372
+ seqlen_q_rounded = math.ceil(seqlen_q / 128) * 128
373
+ assert lse.shape == (batch, nheads, seqlen_q_rounded)
374
+ assert q.stride(-1) == k.stride(-1) == v.stride(-1) == o.stride(-1) == 1
375
+ assert dq.stride(-1) == dk.stride(-1) == dv.stride(-1) == 1
376
+ softmax_scale = softmax_scale or 1.0 / math.sqrt(d)
377
+ dq_accum = torch.empty_like(q, dtype=torch.float32)
378
+ delta = torch.empty_like(lse)
379
+ BLOCK_HEADDIM = max(triton.next_power_of_2(d), 16)
380
+ grid = lambda META: (triton.cdiv(seqlen_q, META['BLOCK_M']), batch * nheads)
381
+ _bwd_preprocess_do_o_dot[grid](o, do, delta, o.stride(0), o.stride(2), o.stride(1), do.stride(0), do.stride(2), do.stride(1), nheads, seqlen_q, seqlen_q_rounded, d, BLOCK_M=128, BLOCK_HEADDIM=BLOCK_HEADDIM)
382
+ has_bias = bias is not None
383
+ bias_type = 'none'
384
+ if has_bias:
385
+ assert bias.dtype in [q.dtype, torch.float]
386
+ assert bias.is_cuda
387
+ assert bias.dim() == 4
388
+ assert bias.stride(-1) == 1
389
+ if bias.shape[2:] == (1, seqlen_k):
390
+ bias_type = 'vector'
391
+ elif bias.shape[2:] == (seqlen_q, seqlen_k):
392
+ bias_type = 'matrix'
393
+ else:
394
+ raise RuntimeError('Last 2 dimensions of bias must be (1, seqlen_k) or (seqlen_q, seqlen_k)')
395
+ bias = bias.expand(batch, nheads, seqlen_q, seqlen_k)
396
+ bias_strides = (bias.stride(0), bias.stride(1), bias.stride(2)) if has_bias else (0, 0, 0)
397
+ grid = lambda META: (triton.cdiv(seqlen_k, META['BLOCK_N']) if META['SEQUENCE_PARALLEL'] else 1, batch * nheads)
398
+ _bwd_kernel[grid](q, k, v, bias, do, dq_accum, dk, dv, lse, delta, softmax_scale, q.stride(0), q.stride(2), q.stride(1), k.stride(0), k.stride(2), k.stride(1), v.stride(0), v.stride(2), v.stride(1), *bias_strides, do.stride(0), do.stride(2), do.stride(1), dq_accum.stride(0), dq_accum.stride(2), dq_accum.stride(1), dk.stride(0), dk.stride(2), dk.stride(1), dv.stride(0), dv.stride(2), dv.stride(1), nheads, seqlen_q, seqlen_k, seqlen_q_rounded, d, seqlen_q // 32, seqlen_k // 32, bias_type, causal, BLOCK_HEADDIM)
399
+ dq.copy_(dq_accum)
400
+
401
+ class FlashAttnQKVPackedFunc(torch.autograd.Function):
402
+
403
+ @staticmethod
404
+ def forward(ctx, qkv, bias=None, causal=False, softmax_scale=None):
405
+ """
406
+ qkv: (batch, seqlen, 3, nheads, headdim)
407
+ bias: optional, shape broadcastible to (batch, nheads, seqlen, seqlen).
408
+ For example, ALiBi mask for causal would have shape (1, nheads, 1, seqlen).
409
+ ALiBi mask for non-causal would have shape (1, nheads, seqlen, seqlen)
410
+ """
411
+ if qkv.stride(-1) != 1:
412
+ qkv = qkv.contiguous()
413
+ (o, lse, ctx.softmax_scale) = _flash_attn_forward(qkv[:, :, 0], qkv[:, :, 1], qkv[:, :, 2], bias=bias, causal=causal, softmax_scale=softmax_scale)
414
+ ctx.save_for_backward(qkv, o, lse, bias)
415
+ ctx.causal = causal
416
+ return o
417
+
418
+ @staticmethod
419
+ def backward(ctx, do):
420
+ (qkv, o, lse, bias) = ctx.saved_tensors
421
+ assert not ctx.needs_input_grad[1], 'FlashAttention does not support bias gradient yet'
422
+ with torch.inference_mode():
423
+ dqkv = torch.empty_like(qkv)
424
+ _flash_attn_backward(do, qkv[:, :, 0], qkv[:, :, 1], qkv[:, :, 2], o, lse, dqkv[:, :, 0], dqkv[:, :, 1], dqkv[:, :, 2], bias=bias, causal=ctx.causal, softmax_scale=ctx.softmax_scale)
425
+ return (dqkv, None, None, None)
426
+ flash_attn_qkvpacked_func = FlashAttnQKVPackedFunc.apply
427
+
428
+ class FlashAttnKVPackedFunc(torch.autograd.Function):
429
+
430
+ @staticmethod
431
+ def forward(ctx, q, kv, bias=None, causal=False, softmax_scale=None):
432
+ """
433
+ q: (batch, seqlen_q, nheads, headdim)
434
+ kv: (batch, seqlen_k, 2, nheads, headdim)
435
+ bias: optional, shape broadcastible to (batch, nheads, seqlen_q, seqlen_k).
436
+ For example, ALiBi mask for causal would have shape (1, nheads, 1, seqlen_k).
437
+ ALiBi mask for non-causal would have shape (1, nheads, seqlen_q, seqlen_k)
438
+ """
439
+ (q, kv) = [x if x.stride(-1) == 1 else x.contiguous() for x in [q, kv]]
440
+ (o, lse, ctx.softmax_scale) = _flash_attn_forward(q, kv[:, :, 0], kv[:, :, 1], bias=bias, causal=causal, softmax_scale=softmax_scale)
441
+ ctx.save_for_backward(q, kv, o, lse, bias)
442
+ ctx.causal = causal
443
+ return o
444
+
445
+ @staticmethod
446
+ def backward(ctx, do):
447
+ (q, kv, o, lse, bias) = ctx.saved_tensors
448
+ if len(ctx.needs_input_grad) >= 3:
449
+ assert not ctx.needs_input_grad[2], 'FlashAttention does not support bias gradient yet'
450
+ with torch.inference_mode():
451
+ dq = torch.empty_like(q)
452
+ dkv = torch.empty_like(kv)
453
+ _flash_attn_backward(do, q, kv[:, :, 0], kv[:, :, 1], o, lse, dq, dkv[:, :, 0], dkv[:, :, 1], bias=bias, causal=ctx.causal, softmax_scale=ctx.softmax_scale)
454
+ return (dq, dkv, None, None, None)
455
+ flash_attn_kvpacked_func = FlashAttnKVPackedFunc.apply
456
+
457
+ class FlashAttnFunc(torch.autograd.Function):
458
+
459
+ @staticmethod
460
+ def forward(ctx, q, k, v, bias=None, causal=False, softmax_scale=None):
461
+ """
462
+ q: (batch_size, seqlen_q, nheads, headdim)
463
+ k, v: (batch_size, seqlen_k, nheads, headdim)
464
+ bias: optional, shape broadcastible to (batch, nheads, seqlen_q, seqlen_k).
465
+ For example, ALiBi mask for causal would have shape (1, nheads, 1, seqlen_k).
466
+ ALiBi mask for non-causal would have shape (1, nheads, seqlen_q, seqlen_k)
467
+ """
468
+ (q, k, v) = [x if x.stride(-1) == 1 else x.contiguous() for x in [q, k, v]]
469
+ (o, lse, ctx.softmax_scale) = _flash_attn_forward(q, k, v, bias=bias, causal=causal, softmax_scale=softmax_scale)
470
+ ctx.save_for_backward(q, k, v, o, lse, bias)
471
+ ctx.causal = causal
472
+ return o
473
+
474
+ @staticmethod
475
+ def backward(ctx, do):
476
+ (q, k, v, o, lse, bias) = ctx.saved_tensors
477
+ assert not ctx.needs_input_grad[3], 'FlashAttention does not support bias gradient yet'
478
+ with torch.inference_mode():
479
+ dq = torch.empty_like(q)
480
+ dk = torch.empty_like(k)
481
+ dv = torch.empty_like(v)
482
+ _flash_attn_backward(do, q, k, v, o, lse, dq, dk, dv, bias=bias, causal=ctx.causal, softmax_scale=ctx.softmax_scale)
483
+ return (dq, dk, dv, None, None, None)
484
+ flash_attn_func = FlashAttnFunc.apply
generation_config.json ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+ {
2
+ "_from_model_config": true,
3
+ "transformers_version": "4.34.1",
4
+ "use_cache": false
5
+ }
hf_prefixlm_converter.py ADDED
@@ -0,0 +1,256 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """Converts Huggingface Causal LM to Prefix LM.
2
+
3
+ Conversion does lightweight surgery on a HuggingFace
4
+ Causal LM to convert it to a Prefix LM.
5
+
6
+ Prefix LMs accepts a `bidirectional_mask` input in `forward`
7
+ and treat the input prompt as the prefix in `generate`.
8
+ """
9
+ from types import MethodType
10
+ from typing import Any, List, MutableMapping, Optional, Tuple, Union
11
+ import torch
12
+ from transformers.models.gpt2.modeling_gpt2 import GPT2LMHeadModel
13
+ from transformers.models.gpt_neo.modeling_gpt_neo import GPTNeoForCausalLM
14
+ from transformers.models.gpt_neox.modeling_gpt_neox import GPTNeoXForCausalLM
15
+ from transformers.models.gptj.modeling_gptj import GPTJForCausalLM
16
+
17
+ _SUPPORTED_GPT_MODELS = (
18
+ GPT2LMHeadModel,
19
+ GPTJForCausalLM,
20
+ GPTNeoForCausalLM,
21
+ GPTNeoXForCausalLM,
22
+ )
23
+ CAUSAL_GPT_TYPES = Union[
24
+ GPT2LMHeadModel, GPTJForCausalLM, GPTNeoForCausalLM, GPTNeoXForCausalLM
25
+ ]
26
+
27
+
28
+ def _convert_gpt_causal_lm_to_prefix_lm(model: CAUSAL_GPT_TYPES) -> CAUSAL_GPT_TYPES:
29
+ """Converts a GPT-style Causal LM to a Prefix LM.
30
+
31
+ Supported HuggingFace model classes:
32
+ - `GPT2LMHeadModel`
33
+ - `GPTNeoForCausalLM`
34
+ - `GPTNeoXForCausalLM`
35
+ - `GPTJForCausalLM`
36
+
37
+ See `convert_hf_causal_lm_to_prefix_lm` for more details.
38
+ """
39
+ if hasattr(model, "_prefix_lm_converted"):
40
+ return model
41
+ assert isinstance(model, _SUPPORTED_GPT_MODELS)
42
+ assert (
43
+ model.config.add_cross_attention == False
44
+ ), "Only supports GPT-style decoder-only models"
45
+
46
+ def _get_attn_modules(model: CAUSAL_GPT_TYPES) -> List[torch.nn.Module]:
47
+ """Helper that gets a list of the model's attention modules.
48
+
49
+ Each module has a `bias` buffer used for causal masking. The Prefix LM
50
+ conversion adds logic to dynamically manipulate these biases to support
51
+ Prefix LM attention masking.
52
+ """
53
+ attn_modules = []
54
+ if isinstance(model, GPTNeoXForCausalLM):
55
+ blocks = model.gpt_neox.layers
56
+ else:
57
+ blocks = model.transformer.h
58
+ for block in blocks:
59
+ if isinstance(model, GPTNeoForCausalLM):
60
+ if block.attn.attention_type != "global":
61
+ continue
62
+ attn_module = block.attn.attention
63
+ elif isinstance(model, GPTNeoXForCausalLM):
64
+ attn_module = block.attention
65
+ else:
66
+ attn_module = block.attn
67
+ attn_modules.append(attn_module)
68
+ return attn_modules
69
+
70
+ setattr(model, "_original_forward", getattr(model, "forward"))
71
+ setattr(model, "_original_generate", getattr(model, "generate"))
72
+
73
+ def forward(
74
+ self: CAUSAL_GPT_TYPES,
75
+ input_ids: Optional[torch.LongTensor] = None,
76
+ past_key_values: Optional[Tuple[Tuple[torch.Tensor]]] = None,
77
+ attention_mask: Optional[torch.FloatTensor] = None,
78
+ bidirectional_mask: Optional[torch.Tensor] = None,
79
+ token_type_ids: Optional[torch.LongTensor] = None,
80
+ position_ids: Optional[torch.LongTensor] = None,
81
+ head_mask: Optional[torch.FloatTensor] = None,
82
+ inputs_embeds: Optional[torch.FloatTensor] = None,
83
+ labels: Optional[torch.LongTensor] = None,
84
+ use_cache: Optional[bool] = None,
85
+ output_attentions: Optional[bool] = None,
86
+ output_hidden_states: Optional[bool] = None,
87
+ return_dict: Optional[bool] = None,
88
+ ):
89
+ """Wraps original forward to enable PrefixLM attention."""
90
+
91
+ def call_og_forward():
92
+ if isinstance(self, GPTNeoXForCausalLM):
93
+ return self._original_forward(
94
+ input_ids=input_ids,
95
+ past_key_values=past_key_values,
96
+ attention_mask=attention_mask,
97
+ head_mask=head_mask,
98
+ inputs_embeds=inputs_embeds,
99
+ labels=labels,
100
+ use_cache=use_cache,
101
+ output_attentions=output_attentions,
102
+ output_hidden_states=output_hidden_states,
103
+ return_dict=return_dict,
104
+ )
105
+ else:
106
+ return self._original_forward(
107
+ input_ids=input_ids,
108
+ past_key_values=past_key_values,
109
+ attention_mask=attention_mask,
110
+ token_type_ids=token_type_ids,
111
+ position_ids=position_ids,
112
+ head_mask=head_mask,
113
+ inputs_embeds=inputs_embeds,
114
+ labels=labels,
115
+ use_cache=use_cache,
116
+ output_attentions=output_attentions,
117
+ output_hidden_states=output_hidden_states,
118
+ return_dict=return_dict,
119
+ )
120
+
121
+ if bidirectional_mask is None:
122
+ return call_og_forward()
123
+ assert isinstance(bidirectional_mask, torch.Tensor)
124
+ attn_modules = _get_attn_modules(model)
125
+ (b, s) = bidirectional_mask.shape
126
+ max_length = attn_modules[0].bias.shape[-1]
127
+ if s > max_length:
128
+ raise ValueError(
129
+ f"bidirectional_mask sequence length (={s}) exceeds the "
130
+ + f"max length allowed by the model ({max_length})."
131
+ )
132
+ assert s <= max_length
133
+ if s < max_length:
134
+ pad = torch.zeros(
135
+ (int(b), int(max_length - s)),
136
+ dtype=bidirectional_mask.dtype,
137
+ device=bidirectional_mask.device,
138
+ )
139
+ bidirectional_mask = torch.cat([bidirectional_mask, pad], dim=1)
140
+ bidirectional = bidirectional_mask.unsqueeze(1).unsqueeze(1)
141
+ for attn_module in attn_modules:
142
+ assert isinstance(attn_module.bias, torch.Tensor)
143
+ attn_module.bias.data = torch.logical_or(
144
+ attn_module.bias.data, bidirectional
145
+ )
146
+ output = call_og_forward()
147
+ for attn_module in attn_modules:
148
+ attn_module.bias.data = torch.tril(attn_module.bias.data[0, 0])[None, None]
149
+ return output
150
+
151
+ def generate(self: CAUSAL_GPT_TYPES, *args: Any, **kwargs: Any):
152
+ """Wraps original generate to enable PrefixLM attention."""
153
+ attn_modules = _get_attn_modules(model)
154
+ for attn_module in attn_modules:
155
+ attn_module.bias.data[:] = 1
156
+ output = self._original_generate(*args, **kwargs)
157
+ for attn_module in attn_modules:
158
+ attn_module.bias.data = torch.tril(attn_module.bias.data[0, 0])[None, None]
159
+ return output
160
+
161
+ setattr(model, "forward", MethodType(forward, model))
162
+ setattr(model, "generate", MethodType(generate, model))
163
+ setattr(model, "_prefix_lm_converted", True)
164
+ return model
165
+
166
+
167
+ _SUPPORTED_HF_MODELS = _SUPPORTED_GPT_MODELS
168
+ CAUSAL_LM_TYPES = Union[
169
+ GPT2LMHeadModel, GPTJForCausalLM, GPTNeoForCausalLM, GPTNeoXForCausalLM
170
+ ]
171
+
172
+
173
+ def convert_hf_causal_lm_to_prefix_lm(model: CAUSAL_LM_TYPES) -> CAUSAL_LM_TYPES:
174
+ """Converts a HuggingFace Causal LM to a Prefix LM.
175
+
176
+ Supported HuggingFace model classes:
177
+ - `GPT2LMHeadModel`
178
+ - `GPTNeoForCausalLM`
179
+ - `GPTNeoXForCausalLM`
180
+ - `GPTJForCausalLM`
181
+
182
+ Conversion to a Prefix LM is done by modifying the `forward` method, and possibly also the
183
+ `generate` method and/or select underlying methods depending on the model class.
184
+
185
+ These changes preserve the model API, but add a new input to `forward`: "bidirectional_mask".
186
+
187
+ Notes on training:
188
+ To actually train the converted model as a Prefix LM, training batches will need to indicate
189
+ the prefix/target structure by including `bidirectional_mask` as part of the batch inputs.
190
+
191
+ **This is not a standard input and requires custom layers either within or after your dataloader.**
192
+
193
+ In addition to adding `bidirectional_mask` to the batch, this custom code should modify `labels`
194
+ such that `batch['labels'][batch['bidirectional_mask'] == 1] == -100`.
195
+ That is, the prefix portion of the sequence should not generate any loss. Loss should only be
196
+ generated by the target portion of the sequence.
197
+
198
+ Notes on `GPTNeoForCausalLM`:
199
+ To simplify the implementation, "global" and "local" attention layers are handled differently.
200
+ For "global" layers, we handle conversion as described above. For "local" layers, which use a
201
+ causal attention mask within a restricted local window, we do not alter the masking.
202
+
203
+ Notes on `forward` method conversion:
204
+ After conversion, the `forward` method will handle a new input, `bidirectional_mask`,
205
+ which should be a [batch_size, seq_length] byte tensor, where 1 indicates token positions
206
+ belonging to the prefix (prefix tokens can attend to one another bidirectionally), and
207
+ 0 indicates token positions belonging to the target.
208
+
209
+ The new `forward` method will incorporate `bidirectional_mask` (if supplied) into the existing
210
+ causal mask, call the original `forward` method, and (if the causal mask is a buffer) reset
211
+ the causal masks before returning the result.
212
+
213
+ Notes on `generate` method conversion:
214
+ After conversion, the `generate` method will have the same signature but will internally
215
+ convert all causal masks to be purely bidirectional, call the original `generate` method, and
216
+ (where appropriate) reset the causal masks before returning the result.
217
+
218
+ This works thanks to the logic of the HuggingFace `generate` API, which first encodes the token
219
+ "prompt" passed to `generate` (which is treated as the prefix) and then sequentially generates
220
+ each new token. Encodings are cached as generation happens, so all prefix tokens can attend to one
221
+ another (as expected in a Prefix LM) and generated tokens can only attend to prefix tokens and
222
+ previously-generated tokens (also as expected in a Prefix LM).
223
+
224
+ To preserve the API, the original methods are renamed to `_original_forward` and
225
+ `_original_generate`, and replaced with new `forward` and `generate` methods that wrap
226
+ them, respectively. Although implementation details vary by model class.
227
+ """
228
+ if isinstance(model, _SUPPORTED_GPT_MODELS):
229
+ return _convert_gpt_causal_lm_to_prefix_lm(model)
230
+ else:
231
+ raise TypeError(
232
+ f"Cannot convert model to Prefix LM. "
233
+ + f"Model does not belong to set of supported HF models:"
234
+ + f"\n{_SUPPORTED_HF_MODELS}"
235
+ )
236
+
237
+
238
+ def add_bidirectional_mask_if_missing(batch: MutableMapping):
239
+ """Attempts to add bidirectional_mask to batch if missing.
240
+
241
+ Raises:
242
+ KeyError if bidirectional_mask is missing and can't be inferred
243
+ """
244
+ if "bidirectional_mask" not in batch:
245
+ if batch.get("mode", None) == "icl_task":
246
+ batch["bidirectional_mask"] = batch["attention_mask"].clone()
247
+ for i, continuation_indices in enumerate(batch["continuation_indices"]):
248
+ batch["bidirectional_mask"][i, continuation_indices] = 0
249
+ elif "labels" in batch and "attention_mask" in batch:
250
+ batch["bidirectional_mask"] = torch.logical_and(
251
+ torch.eq(batch["attention_mask"], 1), torch.eq(batch["labels"], -100)
252
+ ).type_as(batch["attention_mask"])
253
+ else:
254
+ raise KeyError(
255
+ "No bidirectional_mask in batch and not sure how to construct one."
256
+ )
meta_init_context.py ADDED
@@ -0,0 +1,99 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from contextlib import contextmanager
2
+ from typing import Any, Callable, Optional
3
+ import torch
4
+ import torch.nn as nn
5
+
6
+ @contextmanager
7
+ def init_empty_weights(include_buffers: bool=False):
8
+ """Meta initialization context manager.
9
+
10
+ A context manager under which models are initialized with all parameters
11
+ on the meta device, therefore creating an empty model. Useful when just
12
+ initializing the model would blow the available RAM.
13
+
14
+ Args:
15
+ include_buffers (`bool`, *optional*, defaults to `False`): Whether or
16
+ not to also put all buffers on the meta device while initializing.
17
+
18
+ Example:
19
+ ```python
20
+ import torch.nn as nn
21
+
22
+ # Initialize a model with 100 billions parameters in no time and without using any RAM.
23
+ with init_empty_weights():
24
+ tst = nn.Sequential(*[nn.Linear(10000, 10000) for _ in range(1000)])
25
+ ```
26
+
27
+ <Tip warning={true}>
28
+
29
+ Any model created under this context manager has no weights. As such you can't do something like
30
+ `model.to(some_device)` with it. To load weights inside your empty model, see [`load_checkpoint_and_dispatch`].
31
+
32
+ </Tip>
33
+ """
34
+ with init_on_device(torch.device('meta'), include_buffers=include_buffers) as f:
35
+ yield f
36
+
37
+ @contextmanager
38
+ def init_on_device(device: torch.device, include_buffers: bool=False):
39
+ """Device initialization context manager.
40
+
41
+ A context manager under which models are initialized with all parameters
42
+ on the specified device.
43
+
44
+ Args:
45
+ device (`torch.device`): Device to initialize all parameters on.
46
+ include_buffers (`bool`, *optional*, defaults to `False`): Whether or
47
+ not to also put all buffers on the meta device while initializing.
48
+
49
+ Example:
50
+ ```python
51
+ import torch.nn as nn
52
+
53
+ with init_on_device(device=torch.device("cuda")):
54
+ tst = nn.Liner(100, 100) # on `cuda` device
55
+ ```
56
+ """
57
+ old_register_parameter = nn.Module.register_parameter
58
+ if include_buffers:
59
+ old_register_buffer = nn.Module.register_buffer
60
+
61
+ def register_empty_parameter(self: torch.nn.Module, name: str, param: Optional[torch.nn.Parameter]):
62
+ old_register_parameter(self, name, param)
63
+ if param is not None:
64
+ parameter = self._parameters[name]
65
+ assert parameter is not None
66
+ param_cls = type(parameter)
67
+ kwargs = parameter.__dict__
68
+ self._parameters[name] = param_cls(parameter.to(device), **kwargs)
69
+
70
+ def register_empty_buffer(self: torch.nn.Module, name: str, tensor: Optional[torch.Tensor], persistent: bool=True):
71
+ old_register_buffer(self, name, tensor, persistent=persistent)
72
+ if tensor is not None:
73
+ named_buffer = self._buffers[name]
74
+ assert named_buffer is not None
75
+ self._buffers[name] = named_buffer.to(device)
76
+ if include_buffers:
77
+ tensor_constructors_to_patch = {torch_function_name: getattr(torch, torch_function_name) for torch_function_name in ['empty', 'zeros', 'ones', 'full']}
78
+ else:
79
+ tensor_constructors_to_patch = {}
80
+
81
+ def patch_tensor_constructor(fn: Callable):
82
+
83
+ def wrapper(*args: Any, **kwargs: Any):
84
+ kwargs['device'] = device
85
+ return fn(*args, **kwargs)
86
+ return wrapper
87
+ try:
88
+ nn.Module.register_parameter = register_empty_parameter
89
+ if include_buffers:
90
+ nn.Module.register_buffer = register_empty_buffer
91
+ for torch_function_name in tensor_constructors_to_patch.keys():
92
+ setattr(torch, torch_function_name, patch_tensor_constructor(getattr(torch, torch_function_name)))
93
+ yield
94
+ finally:
95
+ nn.Module.register_parameter = old_register_parameter
96
+ if include_buffers:
97
+ nn.Module.register_buffer = old_register_buffer
98
+ for (torch_function_name, old_torch_function) in tensor_constructors_to_patch.items():
99
+ setattr(torch, torch_function_name, old_torch_function)
modeling_mpt.py ADDED
@@ -0,0 +1,585 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """A simple, flexible implementation of a GPT model.
2
+
3
+ Inspired by https://github.com/karpathy/minGPT/blob/master/mingpt/model.py
4
+ """
5
+ import math
6
+ import warnings
7
+ from typing import Any, Dict, List, Mapping, MutableMapping, Optional, Tuple, Union
8
+ import torch
9
+ import torch.nn as nn
10
+ import torch.nn.functional as F
11
+ from transformers import PreTrainedModel, PreTrainedTokenizerBase
12
+ from transformers.modeling_outputs import (
13
+ BaseModelOutputWithPast,
14
+ CausalLMOutputWithPast,
15
+ )
16
+
17
+ from .attention import (
18
+ MultiheadAttention,
19
+ MultiQueryAttention,
20
+ attn_bias_shape,
21
+ build_attn_bias,
22
+ )
23
+ from .blocks import MPTBlock
24
+ from .custom_embedding import SharedEmbedding
25
+ from .fc import FC_CLASS_REGISTRY as FC_CLASS_REGISTRY
26
+ from .ffn import FFN_CLASS_REGISTRY as FFN_CLASS_REGISTRY
27
+ from .ffn import MPTMLP as MPTMLP
28
+ from .ffn import build_ffn as build_ffn
29
+ from .norm import NORM_CLASS_REGISTRY
30
+ from .configuration_mpt import MPTConfig
31
+ from .adapt_tokenizer import AutoTokenizerForMOD, adapt_tokenizer_for_denoising
32
+ from .hf_prefixlm_converter import (
33
+ add_bidirectional_mask_if_missing,
34
+ convert_hf_causal_lm_to_prefix_lm,
35
+ )
36
+ from .meta_init_context import init_empty_weights
37
+ from .param_init_fns import generic_param_init_fn_, MODEL_INIT_REGISTRY
38
+
39
+ try:
40
+ from .flash_attn_triton import flash_attn_func as flash_attn_func
41
+ except:
42
+ pass
43
+ import logging
44
+
45
+ log = logging.getLogger(__name__)
46
+
47
+
48
+ class MPTPreTrainedModel(PreTrainedModel):
49
+ config_class = MPTConfig
50
+ base_model_prefix = "model"
51
+ _no_split_modules = ["MPTBlock"]
52
+ supports_gradient_checkpointing = True
53
+
54
+ def _set_gradient_checkpointing(self, module: nn.Module, value=False) -> None:
55
+ if (
56
+ isinstance(module, MPTModel)
57
+ or isinstance(module, MultiheadAttention)
58
+ or isinstance(module, MultiQueryAttention)
59
+ ):
60
+ module.gradient_checkpointing = value
61
+
62
+
63
+ class MPTModel(MPTPreTrainedModel):
64
+ def __init__(self, config: MPTConfig):
65
+ config._validate_config()
66
+ super().__init__(config)
67
+ self.gradient_checkpointing = False
68
+ self.attn_impl = config.attn_config["attn_impl"]
69
+ self.prefix_lm = config.attn_config["prefix_lm"]
70
+ self.attn_uses_sequence_id = config.attn_config["attn_uses_sequence_id"]
71
+ self.alibi = config.attn_config["alibi"]
72
+ self.alibi_bias_max = config.attn_config["alibi_bias_max"]
73
+ self.learned_pos_emb = config.learned_pos_emb
74
+ if config.init_device == "mixed":
75
+ if dist.get_local_rank() == 0:
76
+ config.init_device = "cpu"
77
+ else:
78
+ config.init_device = "meta"
79
+ if config.norm_type.lower() not in NORM_CLASS_REGISTRY.keys():
80
+ norm_options = " | ".join(NORM_CLASS_REGISTRY.keys())
81
+ raise NotImplementedError(
82
+ f"Requested norm type ({config.norm_type}) is not implemented within this repo (Options: {norm_options})."
83
+ )
84
+ norm_class = NORM_CLASS_REGISTRY[config.norm_type.lower()]
85
+ self.embedding_fraction = config.embedding_fraction
86
+ self.wte = SharedEmbedding(
87
+ config.vocab_size, config.d_model, device=config.init_device
88
+ )
89
+ if self.learned_pos_emb:
90
+ self.wpe = torch.nn.Embedding(
91
+ config.max_seq_len, config.d_model, device=config.init_device
92
+ )
93
+ self.emb_drop = nn.Dropout(config.emb_pdrop)
94
+ self.blocks = nn.ModuleList(
95
+ [
96
+ MPTBlock(device=config.init_device, **config.to_dict())
97
+ for _ in range(config.n_layers)
98
+ ]
99
+ )
100
+ self.norm_f = norm_class(config.d_model, device=config.init_device)
101
+ if config.init_device != "meta":
102
+ log.info(
103
+ f'We recommend using config.init_device="meta" with Composer + FSDP for faster initialization.'
104
+ )
105
+ self.apply(self.param_init_fn)
106
+ self.is_causal = not self.prefix_lm
107
+ self._attn_bias_initialized = False
108
+ self.attn_bias = None
109
+ self.attn_bias_shape = attn_bias_shape(
110
+ self.attn_impl,
111
+ config.n_heads,
112
+ config.max_seq_len,
113
+ self.alibi,
114
+ prefix_lm=self.prefix_lm,
115
+ causal=self.is_causal,
116
+ use_sequence_id=self.attn_uses_sequence_id,
117
+ )
118
+ if config.no_bias:
119
+ for module in self.modules():
120
+ if hasattr(module, "bias") and isinstance(module.bias, nn.Parameter):
121
+ log.info(f"Removing bias ({module.bias}) from {module}.")
122
+ module.register_parameter("bias", None)
123
+ if hasattr(module, "use_bias"):
124
+ log.info(f"Setting use_bias=False for {module}.")
125
+ module.use_bias = False
126
+ log.debug(self)
127
+ log.debug(f"Using {self.config.init_config['name']} initialization.")
128
+
129
+ def get_input_embeddings(self) -> nn.Embedding:
130
+ return self.wte
131
+
132
+ def set_input_embeddings(self, value: nn.Embedding) -> None:
133
+ self.wte = value
134
+
135
+ @torch.no_grad()
136
+ def _attn_bias(
137
+ self,
138
+ device: torch.device,
139
+ dtype: torch.dtype,
140
+ attention_mask: Optional[torch.ByteTensor] = None,
141
+ prefix_mask: Optional[torch.ByteTensor] = None,
142
+ sequence_id: Optional[torch.LongTensor] = None,
143
+ ) -> Tuple[Optional[torch.Tensor], Optional[torch.ByteTensor]]:
144
+ if not self._attn_bias_initialized:
145
+ if self.attn_bias_shape:
146
+ self.attn_bias = torch.zeros(
147
+ self.attn_bias_shape, device=device, dtype=dtype
148
+ )
149
+ self.attn_bias = build_attn_bias(
150
+ self.attn_impl,
151
+ self.attn_bias,
152
+ self.config.n_heads,
153
+ self.config.max_seq_len,
154
+ causal=self.is_causal,
155
+ alibi=self.alibi,
156
+ alibi_bias_max=self.alibi_bias_max,
157
+ )
158
+ self._attn_bias_initialized = True
159
+ if self.attn_impl == "flash":
160
+ return (self.attn_bias, attention_mask)
161
+ if self.attn_bias is not None:
162
+ self.attn_bias = self.attn_bias.to(dtype=dtype, device=device)
163
+ attn_bias = self.attn_bias
164
+ if self.prefix_lm:
165
+ assert isinstance(attn_bias, torch.Tensor)
166
+ assert isinstance(prefix_mask, torch.Tensor)
167
+ attn_bias = self._apply_prefix_mask(attn_bias, prefix_mask)
168
+ if self.attn_uses_sequence_id and sequence_id is not None:
169
+ assert isinstance(attn_bias, torch.Tensor)
170
+ attn_bias = self._apply_sequence_id(attn_bias, sequence_id)
171
+ if attention_mask is not None:
172
+ s_k = attention_mask.shape[-1]
173
+ if attn_bias is None:
174
+ attn_bias = torch.zeros((1, 1, 1, s_k), device=device, dtype=dtype)
175
+ else:
176
+ _s_k = max(0, attn_bias.size(-1) - s_k)
177
+ attn_bias = attn_bias[:, :, :, _s_k:]
178
+ if prefix_mask is not None and attention_mask.shape != prefix_mask.shape:
179
+ raise ValueError(
180
+ f"attention_mask shape={attention_mask.shape} "
181
+ + f"and prefix_mask shape={prefix_mask.shape} are not equal."
182
+ )
183
+ min_val = torch.finfo(attn_bias.dtype).min
184
+ attn_bias = attn_bias.masked_fill(
185
+ ~attention_mask.view(-1, 1, 1, s_k), min_val
186
+ )
187
+ return (attn_bias, None)
188
+
189
+ def _apply_prefix_mask(
190
+ self, attn_bias: torch.Tensor, prefix_mask: torch.Tensor
191
+ ) -> torch.Tensor:
192
+ (s_k, s_q) = attn_bias.shape[-2:]
193
+ if s_k != self.config.max_seq_len or s_q != self.config.max_seq_len:
194
+ raise ValueError(
195
+ "attn_bias does not match the expected shape. "
196
+ + f"The last two dimensions should both be {self.config.max_length} "
197
+ + f"but are {s_k} and {s_q}."
198
+ )
199
+ seq_len = prefix_mask.shape[-1]
200
+ if seq_len > self.config.max_seq_len:
201
+ raise ValueError(
202
+ f"prefix_mask sequence length cannot exceed max_seq_len={self.config.max_seq_len}"
203
+ )
204
+ attn_bias = attn_bias[..., :seq_len, :seq_len]
205
+ causal = torch.tril(
206
+ torch.ones((seq_len, seq_len), dtype=torch.bool, device=prefix_mask.device)
207
+ ).view(1, 1, seq_len, seq_len)
208
+ prefix = prefix_mask.view(-1, 1, 1, seq_len)
209
+ cannot_attend = ~torch.logical_or(causal, prefix.bool())
210
+ min_val = torch.finfo(attn_bias.dtype).min
211
+ attn_bias = attn_bias.masked_fill(cannot_attend, min_val)
212
+ return attn_bias
213
+
214
+ def _apply_sequence_id(
215
+ self, attn_bias: torch.Tensor, sequence_id: torch.LongTensor
216
+ ) -> torch.Tensor:
217
+ seq_len = sequence_id.shape[-1]
218
+ if seq_len > self.config.max_seq_len:
219
+ raise ValueError(
220
+ f"sequence_id sequence length cannot exceed max_seq_len={self.config.max_seq_len}"
221
+ )
222
+ attn_bias = attn_bias[..., :seq_len, :seq_len]
223
+ cannot_attend = torch.logical_not(
224
+ torch.eq(sequence_id.view(-1, seq_len, 1), sequence_id.view(-1, 1, seq_len))
225
+ ).unsqueeze(1)
226
+ min_val = torch.finfo(attn_bias.dtype).min
227
+ attn_bias = attn_bias.masked_fill(cannot_attend, min_val)
228
+ return attn_bias
229
+
230
+ def forward(
231
+ self,
232
+ input_ids: torch.LongTensor,
233
+ past_key_values: Optional[List[Tuple[torch.FloatTensor]]] = None,
234
+ attention_mask: Optional[torch.ByteTensor] = None,
235
+ prefix_mask: Optional[torch.ByteTensor] = None,
236
+ sequence_id: Optional[torch.LongTensor] = None,
237
+ return_dict: Optional[bool] = None,
238
+ output_attentions: Optional[bool] = None,
239
+ output_hidden_states: Optional[bool] = None,
240
+ use_cache: Optional[bool] = None,
241
+ inputs_embeds: Optional[torch.Tensor] = None,
242
+ ) -> BaseModelOutputWithPast:
243
+ return_dict = (
244
+ return_dict if return_dict is not None else self.config.return_dict
245
+ )
246
+ use_cache = use_cache if use_cache is not None else self.config.use_cache
247
+ if self.gradient_checkpointing and self.training:
248
+ if use_cache:
249
+ use_cache = False
250
+ if attention_mask is not None:
251
+ attention_mask = attention_mask.bool()
252
+ if prefix_mask is not None:
253
+ prefix_mask = prefix_mask.bool()
254
+ if not return_dict:
255
+ raise NotImplementedError(
256
+ "return_dict False is not implemented yet for MPT"
257
+ )
258
+ if output_attentions:
259
+ if self.attn_impl != "torch":
260
+ raise NotImplementedError(
261
+ "output_attentions is not implemented for MPT when using attn_impl `flash` or `triton`."
262
+ )
263
+ if (
264
+ self.training
265
+ and attention_mask is not None
266
+ and (attention_mask[:, 0].sum() != attention_mask.shape[0])
267
+ ):
268
+ raise NotImplementedError(
269
+ "MPT does not support training with left padding."
270
+ )
271
+ if self.prefix_lm and prefix_mask is None:
272
+ raise ValueError(
273
+ "prefix_mask is a required argument when MPT is configured with prefix_lm=True."
274
+ )
275
+ if inputs_embeds is not None:
276
+ raise NotImplementedError("inputs_embeds is not implemented for MPT.")
277
+ if self.training:
278
+ if self.attn_uses_sequence_id and sequence_id is None:
279
+ raise ValueError(
280
+ "sequence_id is a required argument when MPT is configured with attn_uses_sequence_id=True "
281
+ + "and the model is in train mode."
282
+ )
283
+ elif self.attn_uses_sequence_id is False and sequence_id is not None:
284
+ warnings.warn(
285
+ "MPT received non-None input for `sequence_id` but is configured with attn_uses_sequence_id=False. "
286
+ + "This input will be ignored. If you want the model to use `sequence_id`, set attn_uses_sequence_id to True."
287
+ )
288
+ S = input_ids.size(1)
289
+ assert (
290
+ S <= self.config.max_seq_len
291
+ ), f"Cannot forward input with seq_len={S}, this model only supports seq_len<={self.config.max_seq_len}"
292
+ tok_emb = self.wte(input_ids)
293
+ if self.learned_pos_emb:
294
+ past_position = 0
295
+ if past_key_values is not None:
296
+ if len(past_key_values) != self.config.n_layers:
297
+ raise ValueError(
298
+ f"past_key_values must provide a past_key_value for each attention "
299
+ + f"layer in the network (len(past_key_values)={len(past_key_values)!r}; self.config.n_layers={self.config.n_layers!r})."
300
+ )
301
+ past_position = past_key_values[0][0].size(1)
302
+ if self.attn_impl == "torch":
303
+ past_position = past_key_values[0][0].size(3)
304
+ if S + past_position > self.config.max_seq_len:
305
+ raise ValueError(
306
+ f"Cannot forward input with past sequence length {past_position} and current sequence length "
307
+ + f"{S + 1}, this model only supports total sequence length <= {self.config.max_seq_len}."
308
+ )
309
+ pos = torch.arange(
310
+ past_position,
311
+ S + past_position,
312
+ dtype=torch.long,
313
+ device=input_ids.device,
314
+ ).unsqueeze(0)
315
+ if attention_mask is not None:
316
+ pos = torch.clamp(
317
+ pos
318
+ - torch.cumsum((~attention_mask).to(torch.int32), dim=1)[
319
+ :, past_position:
320
+ ],
321
+ min=0,
322
+ )
323
+ pos_emb = self.wpe(pos)
324
+ x = tok_emb + pos_emb
325
+ else:
326
+ x = tok_emb
327
+ if self.embedding_fraction == 1:
328
+ x = self.emb_drop(x)
329
+ else:
330
+ x_shrunk = x * self.embedding_fraction + x.detach() * (
331
+ 1 - self.embedding_fraction
332
+ )
333
+ assert isinstance(self.emb_drop, nn.Module)
334
+ x = self.emb_drop(x_shrunk)
335
+ (attn_bias, attention_mask) = self._attn_bias(
336
+ device=x.device,
337
+ dtype=torch.float32,
338
+ attention_mask=attention_mask,
339
+ prefix_mask=prefix_mask,
340
+ sequence_id=sequence_id,
341
+ )
342
+ presents = () if use_cache else None
343
+ if use_cache and past_key_values is None:
344
+ past_key_values = [() for _ in range(self.config.n_layers)]
345
+ all_hidden_states = () if output_hidden_states else None
346
+ all_self_attns = () if output_attentions else None
347
+ for b_idx, block in enumerate(self.blocks):
348
+ if output_hidden_states:
349
+ assert all_hidden_states is not None
350
+ all_hidden_states = all_hidden_states + (x,)
351
+ past_key_value = (
352
+ past_key_values[b_idx] if past_key_values is not None else None
353
+ )
354
+
355
+ if self.gradient_checkpointing and self.training:
356
+
357
+ def create_custom_forward(module):
358
+ def custom_forward(*inputs):
359
+ # None for past_key_value
360
+ return module(*inputs)
361
+
362
+ return custom_forward
363
+
364
+ (x, attn_weights, present) = torch.utils.checkpoint.checkpoint(
365
+ create_custom_forward(block),
366
+ x,
367
+ past_key_value,
368
+ attn_bias,
369
+ attention_mask,
370
+ self.is_causal,
371
+ bool(output_attentions),
372
+ )
373
+ else:
374
+ (x, attn_weights, present) = block(
375
+ x,
376
+ past_key_value=past_key_value,
377
+ attn_bias=attn_bias,
378
+ attention_mask=attention_mask,
379
+ is_causal=self.is_causal,
380
+ output_attentions=bool(output_attentions),
381
+ )
382
+
383
+ if presents is not None:
384
+ presents += (present,)
385
+ if output_attentions:
386
+ assert all_self_attns is not None
387
+ all_self_attns = all_self_attns + (attn_weights,)
388
+ x = self.norm_f(x)
389
+ if output_hidden_states:
390
+ assert all_hidden_states is not None
391
+ all_hidden_states = all_hidden_states + (x,)
392
+ return BaseModelOutputWithPast(
393
+ last_hidden_state=x,
394
+ past_key_values=presents,
395
+ hidden_states=all_hidden_states,
396
+ attentions=all_self_attns,
397
+ )
398
+
399
+ def param_init_fn(self, module: nn.Module) -> None:
400
+ init_fn_name = self.config.init_config["name"]
401
+ MODEL_INIT_REGISTRY[init_fn_name](
402
+ module=module,
403
+ n_layers=self.config.n_layers,
404
+ d_model=self.config.d_model,
405
+ **self.config.init_config,
406
+ )
407
+
408
+ def fsdp_wrap_fn(self, module: nn.Module) -> bool:
409
+ return isinstance(module, MPTBlock)
410
+
411
+ def activation_checkpointing_fn(self, module: nn.Module) -> bool:
412
+ return isinstance(module, MPTBlock)
413
+
414
+
415
+ class MPTForCausalLM(MPTPreTrainedModel):
416
+ def __init__(self, config: MPTConfig):
417
+ super().__init__(config)
418
+ if not config.tie_word_embeddings:
419
+ raise ValueError("MPTForCausalLM only supports tied word embeddings")
420
+ log.info(f"Instantiating an MPTForCausalLM model from {__file__}")
421
+ self.transformer: MPTModel = MPTModel(config)
422
+ for child in self.transformer.children():
423
+ if isinstance(child, torch.nn.ModuleList):
424
+ continue
425
+ if isinstance(child, torch.nn.Module):
426
+ child._fsdp_wrap = True
427
+ self.logit_scale = None
428
+ if config.logit_scale is not None:
429
+ logit_scale = config.logit_scale
430
+ if isinstance(logit_scale, str):
431
+ if logit_scale == "inv_sqrt_d_model":
432
+ logit_scale = 1 / math.sqrt(config.d_model)
433
+ else:
434
+ raise ValueError(
435
+ f"logit_scale={logit_scale!r} is not recognized as an option; use numeric value or 'inv_sqrt_d_model'."
436
+ )
437
+ self.logit_scale = logit_scale
438
+
439
+ def get_input_embeddings(self) -> nn.Embedding:
440
+ return self.transformer.wte
441
+
442
+ def set_input_embeddings(self, value: Union[SharedEmbedding, nn.Embedding]) -> None:
443
+ self.transformer.wte = value
444
+
445
+ def get_output_embeddings(self) -> nn.Embedding:
446
+ return self.transformer.wte
447
+
448
+ def set_output_embeddings(
449
+ self, new_embeddings: Union[SharedEmbedding, nn.Embedding]
450
+ ) -> None:
451
+ self.transformer.wte = new_embeddings
452
+
453
+ def set_decoder(self, decoder: MPTModel) -> None:
454
+ self.transformer = decoder
455
+
456
+ def get_decoder(self) -> MPTModel:
457
+ return self.transformer
458
+
459
+ def forward(
460
+ self,
461
+ input_ids: torch.LongTensor,
462
+ past_key_values: Optional[List[Tuple[torch.FloatTensor]]] = None,
463
+ attention_mask: Optional[torch.ByteTensor] = None,
464
+ prefix_mask: Optional[torch.ByteTensor] = None,
465
+ sequence_id: Optional[torch.LongTensor] = None,
466
+ labels: Optional[torch.LongTensor] = None,
467
+ return_dict: Optional[bool] = None,
468
+ output_attentions: Optional[bool] = None,
469
+ output_hidden_states: Optional[bool] = None,
470
+ use_cache: Optional[bool] = None,
471
+ inputs_embeds: Optional[torch.FloatTensor] = None,
472
+ ) -> CausalLMOutputWithPast:
473
+ return_dict = (
474
+ return_dict if return_dict is not None else self.config.return_dict
475
+ )
476
+ use_cache = use_cache if use_cache is not None else self.config.use_cache
477
+ if inputs_embeds is not None:
478
+ raise NotImplementedError(
479
+ "inputs_embeds has to be None (for hf/peft support)."
480
+ )
481
+ outputs = self.transformer(
482
+ input_ids=input_ids,
483
+ past_key_values=past_key_values,
484
+ attention_mask=attention_mask,
485
+ prefix_mask=prefix_mask,
486
+ sequence_id=sequence_id,
487
+ return_dict=return_dict,
488
+ output_attentions=output_attentions,
489
+ output_hidden_states=output_hidden_states,
490
+ use_cache=use_cache,
491
+ )
492
+ logits = self.transformer.wte(
493
+ outputs.last_hidden_state.to(self.transformer.wte.weight.device), True
494
+ )
495
+ if self.logit_scale is not None:
496
+ if self.logit_scale == 0:
497
+ warnings.warn(
498
+ f"Multiplying logits by self.logit_scale={self.logit_scale!r}. This will produce uniform (uninformative) outputs."
499
+ )
500
+ logits *= self.logit_scale
501
+ loss = None
502
+ if labels is not None:
503
+ _labels = torch.roll(labels, shifts=-1)
504
+ _labels[:, -1] = -100
505
+ loss = F.cross_entropy(
506
+ logits.view(-1, logits.size(-1)), _labels.to(logits.device).view(-1)
507
+ )
508
+ return CausalLMOutputWithPast(
509
+ loss=loss,
510
+ logits=logits,
511
+ past_key_values=outputs.past_key_values,
512
+ hidden_states=outputs.hidden_states,
513
+ attentions=outputs.attentions,
514
+ )
515
+
516
+ def param_init_fn(self, module: nn.Module) -> None:
517
+ init_fn_name = self.config.init_config["name"]
518
+ MODEL_INIT_REGISTRY[init_fn_name](
519
+ module=module,
520
+ n_layers=self.config.n_layers,
521
+ d_model=self.config.d_model,
522
+ **self.config.init_config,
523
+ )
524
+
525
+ def fsdp_wrap_fn(self, module: nn.Module) -> bool:
526
+ return isinstance(module, MPTBlock)
527
+
528
+ def activation_checkpointing_fn(self, module: nn.Module) -> bool:
529
+ return isinstance(module, MPTBlock)
530
+
531
+ def prepare_inputs_for_generation(
532
+ self,
533
+ input_ids: torch.Tensor,
534
+ past_key_values: Optional[List[Tuple[torch.Tensor, torch.Tensor]]] = None,
535
+ inputs_embeds: Optional[torch.Tensor] = None,
536
+ **kwargs: Any,
537
+ ) -> Dict[str, Any]:
538
+ if inputs_embeds is not None:
539
+ raise NotImplementedError("inputs_embeds is not implemented for MPT yet")
540
+ attention_mask = kwargs["attention_mask"].bool()
541
+ if attention_mask[:, -1].sum() != attention_mask.shape[0]:
542
+ raise NotImplementedError(
543
+ "MPT does not support generation with right padding."
544
+ )
545
+ if self.transformer.attn_uses_sequence_id and self.training:
546
+ sequence_id = torch.zeros_like(input_ids[:1])
547
+ else:
548
+ sequence_id = None
549
+ if past_key_values is not None:
550
+ input_ids = input_ids[:, -1].unsqueeze(-1)
551
+ if self.transformer.prefix_lm:
552
+ prefix_mask = torch.ones_like(attention_mask)
553
+ if kwargs.get("use_cache") == False:
554
+ raise NotImplementedError(
555
+ "MPT with prefix_lm=True does not support use_cache=False."
556
+ )
557
+ else:
558
+ prefix_mask = None
559
+ return {
560
+ "input_ids": input_ids,
561
+ "attention_mask": attention_mask,
562
+ "prefix_mask": prefix_mask,
563
+ "sequence_id": sequence_id,
564
+ "past_key_values": past_key_values,
565
+ "use_cache": kwargs.get("use_cache", True),
566
+ }
567
+
568
+ @staticmethod
569
+ def _reorder_cache(
570
+ past_key_values: List[Tuple[torch.Tensor, torch.Tensor]],
571
+ beam_idx: torch.LongTensor,
572
+ ) -> List[Tuple[torch.Tensor, ...]]:
573
+ """Used by HuggingFace generate when using beam search with kv-caching.
574
+
575
+ See https://github.com/huggingface/transformers/blob/3ec7a47664ebe40c40f4b722f6bb1cd30c3821ec/src/transformers/models/gpt2/modeling_gpt2.py#L1122-L1133
576
+ for an example in transformers.
577
+ """
578
+ reordered_past = []
579
+ for layer_past in past_key_values:
580
+ reordered_past += [
581
+ tuple(
582
+ (past_state.index_select(0, beam_idx) for past_state in layer_past)
583
+ )
584
+ ]
585
+ return reordered_past
norm.py ADDED
@@ -0,0 +1,57 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from typing import Dict, List, Optional, Type, Union
2
+ import torch
3
+
4
+ def _cast_if_autocast_enabled(tensor: torch.Tensor) -> torch.Tensor:
5
+ if torch.is_autocast_enabled():
6
+ if tensor.device.type == 'cuda':
7
+ dtype = torch.get_autocast_gpu_dtype()
8
+ elif tensor.device.type == 'cpu':
9
+ dtype = torch.get_autocast_cpu_dtype()
10
+ else:
11
+ raise NotImplementedError()
12
+ return tensor.to(dtype=dtype)
13
+ return tensor
14
+
15
+ class LPLayerNorm(torch.nn.LayerNorm):
16
+
17
+ def __init__(self, normalized_shape: Union[int, List[int], torch.Size], eps: float=1e-05, elementwise_affine: bool=True, device: Optional[torch.device]=None, dtype: Optional[torch.dtype]=None):
18
+ super().__init__(normalized_shape=normalized_shape, eps=eps, elementwise_affine=elementwise_affine, device=device, dtype=dtype)
19
+
20
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
21
+ module_device = x.device
22
+ downcast_x = _cast_if_autocast_enabled(x)
23
+ downcast_weight = _cast_if_autocast_enabled(self.weight) if self.weight is not None else self.weight
24
+ downcast_bias = _cast_if_autocast_enabled(self.bias) if self.bias is not None else self.bias
25
+ with torch.autocast(enabled=False, device_type=module_device.type):
26
+ return torch.nn.functional.layer_norm(downcast_x, self.normalized_shape, downcast_weight, downcast_bias, self.eps)
27
+
28
+ def rms_norm(x: torch.Tensor, weight: Optional[torch.Tensor]=None, eps: float=1e-05) -> torch.Tensor:
29
+ output = x * torch.rsqrt(x.pow(2).mean(-1, keepdim=True) + eps)
30
+ if weight is not None:
31
+ return output * weight
32
+ return output
33
+
34
+ class RMSNorm(torch.nn.Module):
35
+
36
+ def __init__(self, normalized_shape: Union[int, List[int], torch.Size], eps: float=1e-05, weight: bool=True, dtype: Optional[torch.dtype]=None, device: Optional[torch.device]=None):
37
+ super().__init__()
38
+ self.eps = eps
39
+ if weight:
40
+ self.weight = torch.nn.Parameter(torch.ones(normalized_shape, dtype=dtype, device=device))
41
+ else:
42
+ self.register_parameter('weight', None)
43
+
44
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
45
+ return rms_norm(x.float(), self.weight, self.eps).to(dtype=x.dtype)
46
+
47
+ class LPRMSNorm(RMSNorm):
48
+
49
+ def __init__(self, normalized_shape: Union[int, List[int], torch.Size], eps: float=1e-05, weight: bool=True, dtype: Optional[torch.dtype]=None, device: Optional[torch.device]=None):
50
+ super().__init__(normalized_shape=normalized_shape, eps=eps, weight=weight, dtype=dtype, device=device)
51
+
52
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
53
+ downcast_x = _cast_if_autocast_enabled(x)
54
+ downcast_weight = _cast_if_autocast_enabled(self.weight) if self.weight is not None else self.weight
55
+ with torch.autocast(enabled=False, device_type=x.device.type):
56
+ return rms_norm(downcast_x, downcast_weight, self.eps).to(dtype=x.dtype)
57
+ NORM_CLASS_REGISTRY: Dict[str, Type[torch.nn.Module]] = {'layernorm': torch.nn.LayerNorm, 'low_precision_layernorm': LPLayerNorm, 'rmsnorm': RMSNorm, 'low_precision_rmsnorm': LPRMSNorm}
param_init_fns.py ADDED
@@ -0,0 +1,179 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import math
2
+ import warnings
3
+ from collections.abc import Sequence
4
+ from functools import partial
5
+ from typing import Any, Callable, Optional, Tuple, Union
6
+ import torch
7
+ from torch import nn
8
+ from .fc import FC_CLASS_REGISTRY
9
+ from .norm import NORM_CLASS_REGISTRY
10
+ try:
11
+ import transformer_engine.pytorch as te
12
+ except:
13
+ te = None
14
+
15
+ def torch_default_param_init_fn_(module: nn.Module, **kwargs: Any) -> None:
16
+ del kwargs
17
+ if hasattr(module, 'reset_parameters') and isinstance(module.reset_parameters, Callable):
18
+ module.reset_parameters()
19
+
20
+ def fused_init_helper_(module: nn.Module, init_fn_: Callable) -> None:
21
+ _fused = getattr(module, '_fused', None)
22
+ if _fused is None:
23
+ raise RuntimeError(f'Internal logic error')
24
+ assert isinstance(module.weight, torch.Tensor)
25
+ (dim, splits) = _fused
26
+ splits = (0, *splits, module.weight.size(dim))
27
+ for (s, e) in zip(splits[:-1], splits[1:]):
28
+ slice_indices = [slice(None)] * module.weight.ndim
29
+ slice_indices[dim] = slice(s, e)
30
+ init_fn_(module.weight[slice_indices])
31
+
32
+ def generic_param_init_fn_(module: nn.Module, init_fn_: Callable, n_layers: int, d_model: Optional[int]=None, init_div_is_residual: Union[int, float, str, bool]=True, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, **kwargs: Any) -> None:
33
+ del kwargs
34
+ init_div_is_residual = init_div_is_residual
35
+ if init_div_is_residual is False:
36
+ div_is_residual = 1.0
37
+ elif init_div_is_residual is True:
38
+ div_is_residual = math.sqrt(2 * n_layers)
39
+ elif isinstance(init_div_is_residual, float) or isinstance(init_div_is_residual, int):
40
+ div_is_residual = init_div_is_residual
41
+ elif init_div_is_residual.isnumeric():
42
+ div_is_residual = float(init_div_is_residual)
43
+ else:
44
+ div_is_residual = 1.0
45
+ raise ValueError(f'Expected init_div_is_residual to be boolean or numeric, got {init_div_is_residual}')
46
+ if isinstance(module, tuple(set(FC_CLASS_REGISTRY.values()))):
47
+ if hasattr(module, '_fused'):
48
+ fused_init_helper_(module, init_fn_)
49
+ else:
50
+ init_fn_(module.weight)
51
+ if module.bias is not None:
52
+ assert isinstance(module.bias, torch.Tensor)
53
+ torch.nn.init.zeros_(module.bias)
54
+ if init_div_is_residual is not False and getattr(module, '_is_residual', False):
55
+ with torch.no_grad():
56
+ module.weight.div_(div_is_residual)
57
+ elif isinstance(module, nn.Embedding):
58
+ if emb_init_std is not None:
59
+ std = emb_init_std
60
+ if std == 0:
61
+ warnings.warn(f'Embedding layer initialized to 0.')
62
+ emb_init_fn_ = partial(torch.nn.init.normal_, mean=0.0, std=std)
63
+ elif emb_init_uniform_lim is not None:
64
+ lim = emb_init_uniform_lim
65
+ if isinstance(lim, Sequence):
66
+ if len(lim) > 2:
67
+ raise ValueError(f'Uniform init requires a min and a max limit. User input: {lim}.')
68
+ if lim[0] == lim[1]:
69
+ warnings.warn(f'Embedding layer initialized to {lim[0]}.')
70
+ else:
71
+ if lim == 0:
72
+ warnings.warn(f'Embedding layer initialized to 0.')
73
+ lim = [-lim, lim]
74
+ (a, b) = lim
75
+ emb_init_fn_ = partial(torch.nn.init.uniform_, a=a, b=b)
76
+ else:
77
+ emb_init_fn_ = init_fn_
78
+ emb_init_fn_(module.weight)
79
+ elif isinstance(module, tuple(set(NORM_CLASS_REGISTRY.values()))):
80
+ if hasattr(module, 'weight') and isinstance(module.weight, torch.Tensor):
81
+ torch.nn.init.ones_(module.weight)
82
+ if hasattr(module, 'bias') and isinstance(module.bias, torch.Tensor):
83
+ torch.nn.init.zeros_(module.bias)
84
+ elif isinstance(module, nn.MultiheadAttention):
85
+ if module._qkv_same_embed_dim:
86
+ assert module.in_proj_weight is not None
87
+ assert module.q_proj_weight is None and module.k_proj_weight is None and (module.v_proj_weight is None)
88
+ assert d_model is not None
89
+ _d = d_model
90
+ splits = (0, _d, 2 * _d, 3 * _d)
91
+ for (s, e) in zip(splits[:-1], splits[1:]):
92
+ init_fn_(module.in_proj_weight[s:e])
93
+ else:
94
+ assert module.q_proj_weight is not None and module.k_proj_weight is not None and (module.v_proj_weight is not None)
95
+ assert module.in_proj_weight is None
96
+ init_fn_(module.q_proj_weight)
97
+ init_fn_(module.k_proj_weight)
98
+ init_fn_(module.v_proj_weight)
99
+ if module.in_proj_bias is not None:
100
+ torch.nn.init.zeros_(module.in_proj_bias)
101
+ if module.bias_k is not None:
102
+ torch.nn.init.zeros_(module.bias_k)
103
+ if module.bias_v is not None:
104
+ torch.nn.init.zeros_(module.bias_v)
105
+ init_fn_(module.out_proj.weight)
106
+ if init_div_is_residual is not False and getattr(module.out_proj, '_is_residual', False):
107
+ with torch.no_grad():
108
+ module.out_proj.weight.div_(div_is_residual)
109
+ if module.out_proj.bias is not None:
110
+ torch.nn.init.zeros_(module.out_proj.bias)
111
+ elif te is not None and isinstance(module, te.LayerNormMLP):
112
+ if isinstance(module.layer_norm_weight, torch.Tensor):
113
+ torch.nn.init.ones_(module.layer_norm_weight)
114
+ if isinstance(module.layer_norm_bias, torch.Tensor):
115
+ torch.nn.init.zeros_(module.layer_norm_bias)
116
+ init_fn_(module.fc1_weight)
117
+ if module.fc1_bias is not None:
118
+ assert isinstance(module.fc1_bias, torch.Tensor)
119
+ torch.nn.init.zeros_(module.fc1_bias)
120
+ init_fn_(module.fc2_weight)
121
+ if module.fc2_bias is not None:
122
+ assert isinstance(module.fc2_bias, torch.Tensor)
123
+ torch.nn.init.zeros_(module.fc2_bias)
124
+ with torch.no_grad():
125
+ module.fc2_weight.div_(div_is_residual)
126
+ else:
127
+ for _ in module.parameters(recurse=False):
128
+ raise NotImplementedError(f'{module.__class__.__name__} parameters are not initialized by param_init_fn.')
129
+
130
+ def _normal_init_(std: float, mean: float=0.0) -> Callable:
131
+ return partial(torch.nn.init.normal_, mean=mean, std=std)
132
+
133
+ def _normal_param_init_fn_(module: nn.Module, std: float, n_layers: int, d_model: Optional[int]=None, init_div_is_residual: Union[int, float, str, bool]=True, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, **kwargs: Any) -> None:
134
+ del kwargs
135
+ init_fn_ = _normal_init_(std=std)
136
+ generic_param_init_fn_(module=module, init_fn_=init_fn_, d_model=d_model, n_layers=n_layers, init_div_is_residual=init_div_is_residual, emb_init_std=emb_init_std, emb_init_uniform_lim=emb_init_uniform_lim)
137
+
138
+ def baseline_param_init_fn_(module: nn.Module, init_std: Optional[float], n_layers: int, d_model: Optional[int]=None, init_div_is_residual: Union[int, float, str, bool]=True, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, **kwargs: Any) -> None:
139
+ del kwargs
140
+ if init_std is None:
141
+ raise ValueError("You must set model.init_config['init_std'] to a float value to use the default initialization scheme.")
142
+ _normal_param_init_fn_(module=module, std=init_std, d_model=d_model, n_layers=n_layers, init_div_is_residual=init_div_is_residual, emb_init_std=emb_init_std, emb_init_uniform_lim=emb_init_uniform_lim)
143
+
144
+ def small_param_init_fn_(module: nn.Module, n_layers: int, d_model: int, init_div_is_residual: Union[int, float, str, bool]=True, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, **kwargs: Any) -> None:
145
+ del kwargs
146
+ std = math.sqrt(2 / (5 * d_model))
147
+ _normal_param_init_fn_(module=module, std=std, d_model=d_model, n_layers=n_layers, init_div_is_residual=init_div_is_residual, emb_init_std=emb_init_std, emb_init_uniform_lim=emb_init_uniform_lim)
148
+
149
+ def neox_param_init_fn_(module: nn.Module, n_layers: int, d_model: int, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, **kwargs: Any) -> None:
150
+ """From section 2.3.1 of GPT-NeoX-20B:
151
+
152
+ An Open-Source AutoregressiveLanguage Model — Black et. al. (2022)
153
+ see https://github.com/EleutherAI/gpt-neox/blob/9610391ab319403cef079b438edd016a2443af54/megatron/model/init_functions.py#L151
154
+ and https://github.com/EleutherAI/gpt-neox/blob/main/megatron/model/transformer.py
155
+ """
156
+ del kwargs
157
+ residual_div = n_layers / math.sqrt(10)
158
+ small_param_init_fn_(module=module, d_model=d_model, n_layers=n_layers, init_div_is_residual=residual_div, emb_init_std=emb_init_std, emb_init_uniform_lim=emb_init_uniform_lim)
159
+
160
+ def kaiming_uniform_param_init_fn_(module: nn.Module, n_layers: int, d_model: Optional[int]=None, init_div_is_residual: Union[int, float, str, bool]=True, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, init_gain: float=0, fan_mode: str='fan_in', init_nonlinearity: str='leaky_relu', **kwargs: Any) -> None:
161
+ del kwargs
162
+ kaiming_uniform_ = partial(nn.init.kaiming_uniform_, a=init_gain, mode=fan_mode, nonlinearity=init_nonlinearity)
163
+ generic_param_init_fn_(module=module, init_fn_=kaiming_uniform_, d_model=d_model, n_layers=n_layers, init_div_is_residual=init_div_is_residual, emb_init_std=emb_init_std, emb_init_uniform_lim=emb_init_uniform_lim)
164
+
165
+ def kaiming_normal_param_init_fn_(module: nn.Module, n_layers: int, d_model: Optional[int]=None, init_div_is_residual: Union[int, float, str, bool]=True, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, init_gain: float=0, fan_mode: str='fan_in', init_nonlinearity: str='leaky_relu', **kwargs: Any) -> None:
166
+ del kwargs
167
+ kaiming_normal_ = partial(torch.nn.init.kaiming_normal_, a=init_gain, mode=fan_mode, nonlinearity=init_nonlinearity)
168
+ generic_param_init_fn_(module=module, init_fn_=kaiming_normal_, d_model=d_model, n_layers=n_layers, init_div_is_residual=init_div_is_residual, emb_init_std=emb_init_std, emb_init_uniform_lim=emb_init_uniform_lim)
169
+
170
+ def xavier_uniform_param_init_fn_(module: nn.Module, n_layers: int, d_model: Optional[int]=None, init_div_is_residual: Union[int, float, str, bool]=True, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, init_gain: float=0, **kwargs: Any) -> None:
171
+ del kwargs
172
+ xavier_uniform_ = partial(torch.nn.init.xavier_uniform_, gain=init_gain)
173
+ generic_param_init_fn_(module=module, init_fn_=xavier_uniform_, d_model=d_model, n_layers=n_layers, init_div_is_residual=init_div_is_residual, emb_init_std=emb_init_std, emb_init_uniform_lim=emb_init_uniform_lim)
174
+
175
+ def xavier_normal_param_init_fn_(module: nn.Module, n_layers: int, d_model: Optional[int]=None, init_div_is_residual: Union[int, float, str, bool]=True, emb_init_std: Optional[float]=None, emb_init_uniform_lim: Optional[Union[Tuple[float, float], float]]=None, init_gain: float=0, **kwargs: Any) -> None:
176
+ del kwargs
177
+ xavier_normal_ = partial(torch.nn.init.xavier_normal_, gain=init_gain)
178
+ generic_param_init_fn_(module=module, init_fn_=xavier_normal_, d_model=d_model, n_layers=n_layers, init_div_is_residual=init_div_is_residual, emb_init_std=emb_init_std, emb_init_uniform_lim=emb_init_uniform_lim)
179
+ MODEL_INIT_REGISTRY = {'default_': torch_default_param_init_fn_, 'baseline_': baseline_param_init_fn_, 'kaiming_uniform_': kaiming_uniform_param_init_fn_, 'kaiming_normal_': kaiming_normal_param_init_fn_, 'neox_init_': neox_param_init_fn_, 'small_init_': small_param_init_fn_, 'xavier_uniform_': xavier_uniform_param_init_fn_, 'xavier_normal_': xavier_normal_param_init_fn_}
pytorch_model-00001-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7db82963b59c4b6807d5d5cc519099aee91184c80b1231ee2729d52e701d7be2
3
+ size 4194304938
pytorch_model-00002-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fe342cc5d8177d343951808500c8313e914b5d3947c24193a409e1e7b5bbb714
3
+ size 839178533
pytorch_model-00003-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9109c39031cb85b19d44c3a89de0e69b706287631eb1a42e4407997f50b0c16a
3
+ size 805590447
pytorch_model-00004-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:07b3e60525ffb1b3bc5a5a23b521b02ac4a2980789b00b2f06d8dab2e335e959
3
+ size 805590447
pytorch_model-00005-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:81b28e2bc9afa83fe5ef1dc18c757d0763afedcce7d02d31b553579d2d67afde
3
+ size 805590447
pytorch_model-00006-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7bf7155d36c8901826380a4ff74d2249c5a3d367c7b2d1a23b0d6e245cdd60ce
3
+ size 805590447
pytorch_model-00007-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:55376a8e037f798847f5183af233f608a64a4fdeb8b618d0fe5a9b1b6b592096
3
+ size 805590447
pytorch_model-00008-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1146a83580ebdf3687189918ed2464514b116f3464c8abfe67cefed36d3ddc90
3
+ size 805590447
pytorch_model-00009-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ba3fce945b6ff3733e52a3e4aa9e3402e523fd56503a0f4b9b0b349288ac8104
3
+ size 805590447
pytorch_model-00010-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fafe7768df9b576a6d88e1dea1e078888ce811d14438cca3e7766dff1ba9a1e7
3
+ size 805590447
pytorch_model-00011-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5a842766df4997f3514add53c79bfa4f30b9fae248c352e551eae2812c7b1d6e
3
+ size 805590447
pytorch_model-00012-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0711cf8e079b02f0bbbd315ad91232b3be31ea14453ddb74acabb29dabe4a05b
3
+ size 805590447
pytorch_model-00013-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a475dd57eb4f499098d5e4fa205d18b9062f4160c7d918f399ac7d93127e0983
3
+ size 805590447
pytorch_model-00014-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e51a5b4db286ab8cee9ba889052fe166c5cf632c622bef279a5e73d1c6bc8227
3
+ size 805590447
pytorch_model-00015-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f5b38e05df9a77a79f5feb5b7b03f6ba09f184e46c042adf76b3830d72cd01fd
3
+ size 805590447
pytorch_model-00016-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9b83a8ee6fabc703621c7e679509d42ffd603947f92b0a187b6b10c34f845d5f
3
+ size 805590447
pytorch_model-00017-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f2ab7aceb01ebed5c323b14689229a7b2a2dcaec98eb7f7b957fed78f35974de
3
+ size 805590447
pytorch_model-00018-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bddf6f5135864b8b58b6587e848ddfa5af0e1b50b26543b6ce74d3e19e1d37b1
3
+ size 805590447
pytorch_model-00019-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1cae6aa5401c7ea4adc0ff5b9161d88b1511ff0cdc3615edadb19e26846bc9be
3
+ size 805590447
pytorch_model-00020-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6cfd3ae4c82b373a6e34634e0fd8fc871ae727cdc4d662f477d82f3eb7acf205
3
+ size 805590447
pytorch_model-00021-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d382e6e34ddcbb3c2d63bae9679b7a73ab733d9174140a90e934f26cd437a070
3
+ size 805590447
pytorch_model-00022-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a949112d6920b18a09e606a59bcc01f4e930e343479a95fde1d1c68551e23aad
3
+ size 805590447
pytorch_model-00023-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:30ee46d730205c60872b852c8ef64a6cf89c361e5233b5cd7afba096a85281bb
3
+ size 805590447
pytorch_model-00024-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c9871bc2e86ac8656f2c5664090c705a8a68de9b33fcff19fa8d68f7909b067e
3
+ size 805590447
pytorch_model-00025-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0313118af64e5c1ae2299cdf24666b7176fd145a697681becf290f123eab0ca8
3
+ size 805590447
pytorch_model-00026-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dea314f3175b297695e015909962e1e212fe0d1e198eb435c43f12598d8edeb7
3
+ size 805590447
pytorch_model-00027-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:431d83245d1072679f15c1fd326e79d2418cc82dabc363995fc16d20a8f38114
3
+ size 805590447
pytorch_model-00028-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7d5a3caaf85b8b9f72cf2c81cb043145124fac09cd383b73ee2b94772bf8fc2b
3
+ size 805590447
pytorch_model-00029-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:42c049b22255569830a09a62e54f68c69ab02cc2db29ef0f1f0b3bc8064b8d48
3
+ size 805590447
pytorch_model-00030-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:510d0ecf2c4b92410bf505eccd197dbba1087c67c434b0785584cbc9537c8676
3
+ size 805590447
pytorch_model-00031-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e89111c4c502945bdae35ec0499cfbbfe1224a013c99537844a44999c09e4c07
3
+ size 805590447
pytorch_model-00032-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:caa859f0714fc11786f400ace9504b03281f54049349f36726ec71ba1582c0a2
3
+ size 805590447
pytorch_model-00033-of-00033.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:34817a42384012663ab9e1817ad58d97316bdf39ea26f422fed437fe7acbfb90
3
+ size 805590447
pytorch_model.bin.index.json ADDED
@@ -0,0 +1,523 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "metadata": {
3
+ "total_size": 30006607872
4
+ },
5
+ "weight_map": {
6
+ "transformer.blocks.0.attn.Wqkv.bias": "pytorch_model-00002-of-00033.bin",
7
+ "transformer.blocks.0.attn.Wqkv.weight": "pytorch_model-00002-of-00033.bin",
8
+ "transformer.blocks.0.attn.k_ln.bias": "pytorch_model-00002-of-00033.bin",
9
+ "transformer.blocks.0.attn.k_ln.weight": "pytorch_model-00002-of-00033.bin",
10
+ "transformer.blocks.0.attn.out_proj.bias": "pytorch_model-00002-of-00033.bin",
11
+ "transformer.blocks.0.attn.out_proj.weight": "pytorch_model-00002-of-00033.bin",
12
+ "transformer.blocks.0.attn.q_ln.bias": "pytorch_model-00002-of-00033.bin",
13
+ "transformer.blocks.0.attn.q_ln.weight": "pytorch_model-00002-of-00033.bin",
14
+ "transformer.blocks.0.ffn.down_proj.bias": "pytorch_model-00002-of-00033.bin",
15
+ "transformer.blocks.0.ffn.down_proj.weight": "pytorch_model-00002-of-00033.bin",
16
+ "transformer.blocks.0.ffn.up_proj.bias": "pytorch_model-00002-of-00033.bin",
17
+ "transformer.blocks.0.ffn.up_proj.weight": "pytorch_model-00002-of-00033.bin",
18
+ "transformer.blocks.0.norm_1.bias": "pytorch_model-00002-of-00033.bin",
19
+ "transformer.blocks.0.norm_1.weight": "pytorch_model-00002-of-00033.bin",
20
+ "transformer.blocks.0.norm_2.bias": "pytorch_model-00002-of-00033.bin",
21
+ "transformer.blocks.0.norm_2.weight": "pytorch_model-00002-of-00033.bin",
22
+ "transformer.blocks.1.attn.Wqkv.bias": "pytorch_model-00003-of-00033.bin",
23
+ "transformer.blocks.1.attn.Wqkv.weight": "pytorch_model-00003-of-00033.bin",
24
+ "transformer.blocks.1.attn.k_ln.bias": "pytorch_model-00003-of-00033.bin",
25
+ "transformer.blocks.1.attn.k_ln.weight": "pytorch_model-00003-of-00033.bin",
26
+ "transformer.blocks.1.attn.out_proj.bias": "pytorch_model-00003-of-00033.bin",
27
+ "transformer.blocks.1.attn.out_proj.weight": "pytorch_model-00003-of-00033.bin",
28
+ "transformer.blocks.1.attn.q_ln.bias": "pytorch_model-00003-of-00033.bin",
29
+ "transformer.blocks.1.attn.q_ln.weight": "pytorch_model-00003-of-00033.bin",
30
+ "transformer.blocks.1.ffn.down_proj.bias": "pytorch_model-00003-of-00033.bin",
31
+ "transformer.blocks.1.ffn.down_proj.weight": "pytorch_model-00003-of-00033.bin",
32
+ "transformer.blocks.1.ffn.up_proj.bias": "pytorch_model-00003-of-00033.bin",
33
+ "transformer.blocks.1.ffn.up_proj.weight": "pytorch_model-00003-of-00033.bin",
34
+ "transformer.blocks.1.norm_1.bias": "pytorch_model-00002-of-00033.bin",
35
+ "transformer.blocks.1.norm_1.weight": "pytorch_model-00002-of-00033.bin",
36
+ "transformer.blocks.1.norm_2.bias": "pytorch_model-00003-of-00033.bin",
37
+ "transformer.blocks.1.norm_2.weight": "pytorch_model-00003-of-00033.bin",
38
+ "transformer.blocks.10.attn.Wqkv.bias": "pytorch_model-00012-of-00033.bin",
39
+ "transformer.blocks.10.attn.Wqkv.weight": "pytorch_model-00012-of-00033.bin",
40
+ "transformer.blocks.10.attn.k_ln.bias": "pytorch_model-00012-of-00033.bin",
41
+ "transformer.blocks.10.attn.k_ln.weight": "pytorch_model-00012-of-00033.bin",
42
+ "transformer.blocks.10.attn.out_proj.bias": "pytorch_model-00012-of-00033.bin",
43
+ "transformer.blocks.10.attn.out_proj.weight": "pytorch_model-00012-of-00033.bin",
44
+ "transformer.blocks.10.attn.q_ln.bias": "pytorch_model-00012-of-00033.bin",
45
+ "transformer.blocks.10.attn.q_ln.weight": "pytorch_model-00012-of-00033.bin",
46
+ "transformer.blocks.10.ffn.down_proj.bias": "pytorch_model-00012-of-00033.bin",
47
+ "transformer.blocks.10.ffn.down_proj.weight": "pytorch_model-00012-of-00033.bin",
48
+ "transformer.blocks.10.ffn.up_proj.bias": "pytorch_model-00012-of-00033.bin",
49
+ "transformer.blocks.10.ffn.up_proj.weight": "pytorch_model-00012-of-00033.bin",
50
+ "transformer.blocks.10.norm_1.bias": "pytorch_model-00011-of-00033.bin",
51
+ "transformer.blocks.10.norm_1.weight": "pytorch_model-00011-of-00033.bin",
52
+ "transformer.blocks.10.norm_2.bias": "pytorch_model-00012-of-00033.bin",
53
+ "transformer.blocks.10.norm_2.weight": "pytorch_model-00012-of-00033.bin",
54
+ "transformer.blocks.11.attn.Wqkv.bias": "pytorch_model-00013-of-00033.bin",
55
+ "transformer.blocks.11.attn.Wqkv.weight": "pytorch_model-00013-of-00033.bin",
56
+ "transformer.blocks.11.attn.k_ln.bias": "pytorch_model-00013-of-00033.bin",
57
+ "transformer.blocks.11.attn.k_ln.weight": "pytorch_model-00013-of-00033.bin",
58
+ "transformer.blocks.11.attn.out_proj.bias": "pytorch_model-00013-of-00033.bin",
59
+ "transformer.blocks.11.attn.out_proj.weight": "pytorch_model-00013-of-00033.bin",
60
+ "transformer.blocks.11.attn.q_ln.bias": "pytorch_model-00013-of-00033.bin",
61
+ "transformer.blocks.11.attn.q_ln.weight": "pytorch_model-00013-of-00033.bin",
62
+ "transformer.blocks.11.ffn.down_proj.bias": "pytorch_model-00013-of-00033.bin",
63
+ "transformer.blocks.11.ffn.down_proj.weight": "pytorch_model-00013-of-00033.bin",
64
+ "transformer.blocks.11.ffn.up_proj.bias": "pytorch_model-00013-of-00033.bin",
65
+ "transformer.blocks.11.ffn.up_proj.weight": "pytorch_model-00013-of-00033.bin",
66
+ "transformer.blocks.11.norm_1.bias": "pytorch_model-00012-of-00033.bin",
67
+ "transformer.blocks.11.norm_1.weight": "pytorch_model-00012-of-00033.bin",
68
+ "transformer.blocks.11.norm_2.bias": "pytorch_model-00013-of-00033.bin",
69
+ "transformer.blocks.11.norm_2.weight": "pytorch_model-00013-of-00033.bin",
70
+ "transformer.blocks.12.attn.Wqkv.bias": "pytorch_model-00014-of-00033.bin",
71
+ "transformer.blocks.12.attn.Wqkv.weight": "pytorch_model-00014-of-00033.bin",
72
+ "transformer.blocks.12.attn.k_ln.bias": "pytorch_model-00014-of-00033.bin",
73
+ "transformer.blocks.12.attn.k_ln.weight": "pytorch_model-00014-of-00033.bin",
74
+ "transformer.blocks.12.attn.out_proj.bias": "pytorch_model-00014-of-00033.bin",
75
+ "transformer.blocks.12.attn.out_proj.weight": "pytorch_model-00014-of-00033.bin",
76
+ "transformer.blocks.12.attn.q_ln.bias": "pytorch_model-00014-of-00033.bin",
77
+ "transformer.blocks.12.attn.q_ln.weight": "pytorch_model-00014-of-00033.bin",
78
+ "transformer.blocks.12.ffn.down_proj.bias": "pytorch_model-00014-of-00033.bin",
79
+ "transformer.blocks.12.ffn.down_proj.weight": "pytorch_model-00014-of-00033.bin",
80
+ "transformer.blocks.12.ffn.up_proj.bias": "pytorch_model-00014-of-00033.bin",
81
+ "transformer.blocks.12.ffn.up_proj.weight": "pytorch_model-00014-of-00033.bin",
82
+ "transformer.blocks.12.norm_1.bias": "pytorch_model-00013-of-00033.bin",
83
+ "transformer.blocks.12.norm_1.weight": "pytorch_model-00013-of-00033.bin",
84
+ "transformer.blocks.12.norm_2.bias": "pytorch_model-00014-of-00033.bin",
85
+ "transformer.blocks.12.norm_2.weight": "pytorch_model-00014-of-00033.bin",
86
+ "transformer.blocks.13.attn.Wqkv.bias": "pytorch_model-00015-of-00033.bin",
87
+ "transformer.blocks.13.attn.Wqkv.weight": "pytorch_model-00015-of-00033.bin",
88
+ "transformer.blocks.13.attn.k_ln.bias": "pytorch_model-00015-of-00033.bin",
89
+ "transformer.blocks.13.attn.k_ln.weight": "pytorch_model-00015-of-00033.bin",
90
+ "transformer.blocks.13.attn.out_proj.bias": "pytorch_model-00015-of-00033.bin",
91
+ "transformer.blocks.13.attn.out_proj.weight": "pytorch_model-00015-of-00033.bin",
92
+ "transformer.blocks.13.attn.q_ln.bias": "pytorch_model-00015-of-00033.bin",
93
+ "transformer.blocks.13.attn.q_ln.weight": "pytorch_model-00015-of-00033.bin",
94
+ "transformer.blocks.13.ffn.down_proj.bias": "pytorch_model-00015-of-00033.bin",
95
+ "transformer.blocks.13.ffn.down_proj.weight": "pytorch_model-00015-of-00033.bin",
96
+ "transformer.blocks.13.ffn.up_proj.bias": "pytorch_model-00015-of-00033.bin",
97
+ "transformer.blocks.13.ffn.up_proj.weight": "pytorch_model-00015-of-00033.bin",
98
+ "transformer.blocks.13.norm_1.bias": "pytorch_model-00014-of-00033.bin",
99
+ "transformer.blocks.13.norm_1.weight": "pytorch_model-00014-of-00033.bin",
100
+ "transformer.blocks.13.norm_2.bias": "pytorch_model-00015-of-00033.bin",
101
+ "transformer.blocks.13.norm_2.weight": "pytorch_model-00015-of-00033.bin",
102
+ "transformer.blocks.14.attn.Wqkv.bias": "pytorch_model-00016-of-00033.bin",
103
+ "transformer.blocks.14.attn.Wqkv.weight": "pytorch_model-00016-of-00033.bin",
104
+ "transformer.blocks.14.attn.k_ln.bias": "pytorch_model-00016-of-00033.bin",
105
+ "transformer.blocks.14.attn.k_ln.weight": "pytorch_model-00016-of-00033.bin",
106
+ "transformer.blocks.14.attn.out_proj.bias": "pytorch_model-00016-of-00033.bin",
107
+ "transformer.blocks.14.attn.out_proj.weight": "pytorch_model-00016-of-00033.bin",
108
+ "transformer.blocks.14.attn.q_ln.bias": "pytorch_model-00016-of-00033.bin",
109
+ "transformer.blocks.14.attn.q_ln.weight": "pytorch_model-00016-of-00033.bin",
110
+ "transformer.blocks.14.ffn.down_proj.bias": "pytorch_model-00016-of-00033.bin",
111
+ "transformer.blocks.14.ffn.down_proj.weight": "pytorch_model-00016-of-00033.bin",
112
+ "transformer.blocks.14.ffn.up_proj.bias": "pytorch_model-00016-of-00033.bin",
113
+ "transformer.blocks.14.ffn.up_proj.weight": "pytorch_model-00016-of-00033.bin",
114
+ "transformer.blocks.14.norm_1.bias": "pytorch_model-00015-of-00033.bin",
115
+ "transformer.blocks.14.norm_1.weight": "pytorch_model-00015-of-00033.bin",
116
+ "transformer.blocks.14.norm_2.bias": "pytorch_model-00016-of-00033.bin",
117
+ "transformer.blocks.14.norm_2.weight": "pytorch_model-00016-of-00033.bin",
118
+ "transformer.blocks.15.attn.Wqkv.bias": "pytorch_model-00017-of-00033.bin",
119
+ "transformer.blocks.15.attn.Wqkv.weight": "pytorch_model-00017-of-00033.bin",
120
+ "transformer.blocks.15.attn.k_ln.bias": "pytorch_model-00017-of-00033.bin",
121
+ "transformer.blocks.15.attn.k_ln.weight": "pytorch_model-00017-of-00033.bin",
122
+ "transformer.blocks.15.attn.out_proj.bias": "pytorch_model-00017-of-00033.bin",
123
+ "transformer.blocks.15.attn.out_proj.weight": "pytorch_model-00017-of-00033.bin",
124
+ "transformer.blocks.15.attn.q_ln.bias": "pytorch_model-00017-of-00033.bin",
125
+ "transformer.blocks.15.attn.q_ln.weight": "pytorch_model-00017-of-00033.bin",
126
+ "transformer.blocks.15.ffn.down_proj.bias": "pytorch_model-00017-of-00033.bin",
127
+ "transformer.blocks.15.ffn.down_proj.weight": "pytorch_model-00017-of-00033.bin",
128
+ "transformer.blocks.15.ffn.up_proj.bias": "pytorch_model-00017-of-00033.bin",
129
+ "transformer.blocks.15.ffn.up_proj.weight": "pytorch_model-00017-of-00033.bin",
130
+ "transformer.blocks.15.norm_1.bias": "pytorch_model-00016-of-00033.bin",
131
+ "transformer.blocks.15.norm_1.weight": "pytorch_model-00016-of-00033.bin",
132
+ "transformer.blocks.15.norm_2.bias": "pytorch_model-00017-of-00033.bin",
133
+ "transformer.blocks.15.norm_2.weight": "pytorch_model-00017-of-00033.bin",
134
+ "transformer.blocks.16.attn.Wqkv.bias": "pytorch_model-00018-of-00033.bin",
135
+ "transformer.blocks.16.attn.Wqkv.weight": "pytorch_model-00018-of-00033.bin",
136
+ "transformer.blocks.16.attn.k_ln.bias": "pytorch_model-00018-of-00033.bin",
137
+ "transformer.blocks.16.attn.k_ln.weight": "pytorch_model-00018-of-00033.bin",
138
+ "transformer.blocks.16.attn.out_proj.bias": "pytorch_model-00018-of-00033.bin",
139
+ "transformer.blocks.16.attn.out_proj.weight": "pytorch_model-00018-of-00033.bin",
140
+ "transformer.blocks.16.attn.q_ln.bias": "pytorch_model-00018-of-00033.bin",
141
+ "transformer.blocks.16.attn.q_ln.weight": "pytorch_model-00018-of-00033.bin",
142
+ "transformer.blocks.16.ffn.down_proj.bias": "pytorch_model-00018-of-00033.bin",
143
+ "transformer.blocks.16.ffn.down_proj.weight": "pytorch_model-00018-of-00033.bin",
144
+ "transformer.blocks.16.ffn.up_proj.bias": "pytorch_model-00018-of-00033.bin",
145
+ "transformer.blocks.16.ffn.up_proj.weight": "pytorch_model-00018-of-00033.bin",
146
+ "transformer.blocks.16.norm_1.bias": "pytorch_model-00017-of-00033.bin",
147
+ "transformer.blocks.16.norm_1.weight": "pytorch_model-00017-of-00033.bin",
148
+ "transformer.blocks.16.norm_2.bias": "pytorch_model-00018-of-00033.bin",
149
+ "transformer.blocks.16.norm_2.weight": "pytorch_model-00018-of-00033.bin",
150
+ "transformer.blocks.17.attn.Wqkv.bias": "pytorch_model-00019-of-00033.bin",
151
+ "transformer.blocks.17.attn.Wqkv.weight": "pytorch_model-00019-of-00033.bin",
152
+ "transformer.blocks.17.attn.k_ln.bias": "pytorch_model-00019-of-00033.bin",
153
+ "transformer.blocks.17.attn.k_ln.weight": "pytorch_model-00019-of-00033.bin",
154
+ "transformer.blocks.17.attn.out_proj.bias": "pytorch_model-00019-of-00033.bin",
155
+ "transformer.blocks.17.attn.out_proj.weight": "pytorch_model-00019-of-00033.bin",
156
+ "transformer.blocks.17.attn.q_ln.bias": "pytorch_model-00019-of-00033.bin",
157
+ "transformer.blocks.17.attn.q_ln.weight": "pytorch_model-00019-of-00033.bin",
158
+ "transformer.blocks.17.ffn.down_proj.bias": "pytorch_model-00019-of-00033.bin",
159
+ "transformer.blocks.17.ffn.down_proj.weight": "pytorch_model-00019-of-00033.bin",
160
+ "transformer.blocks.17.ffn.up_proj.bias": "pytorch_model-00019-of-00033.bin",
161
+ "transformer.blocks.17.ffn.up_proj.weight": "pytorch_model-00019-of-00033.bin",
162
+ "transformer.blocks.17.norm_1.bias": "pytorch_model-00018-of-00033.bin",
163
+ "transformer.blocks.17.norm_1.weight": "pytorch_model-00018-of-00033.bin",
164
+ "transformer.blocks.17.norm_2.bias": "pytorch_model-00019-of-00033.bin",
165
+ "transformer.blocks.17.norm_2.weight": "pytorch_model-00019-of-00033.bin",
166
+ "transformer.blocks.18.attn.Wqkv.bias": "pytorch_model-00020-of-00033.bin",
167
+ "transformer.blocks.18.attn.Wqkv.weight": "pytorch_model-00020-of-00033.bin",
168
+ "transformer.blocks.18.attn.k_ln.bias": "pytorch_model-00020-of-00033.bin",
169
+ "transformer.blocks.18.attn.k_ln.weight": "pytorch_model-00020-of-00033.bin",
170
+ "transformer.blocks.18.attn.out_proj.bias": "pytorch_model-00020-of-00033.bin",
171
+ "transformer.blocks.18.attn.out_proj.weight": "pytorch_model-00020-of-00033.bin",
172
+ "transformer.blocks.18.attn.q_ln.bias": "pytorch_model-00020-of-00033.bin",
173
+ "transformer.blocks.18.attn.q_ln.weight": "pytorch_model-00020-of-00033.bin",
174
+ "transformer.blocks.18.ffn.down_proj.bias": "pytorch_model-00020-of-00033.bin",
175
+ "transformer.blocks.18.ffn.down_proj.weight": "pytorch_model-00020-of-00033.bin",
176
+ "transformer.blocks.18.ffn.up_proj.bias": "pytorch_model-00020-of-00033.bin",
177
+ "transformer.blocks.18.ffn.up_proj.weight": "pytorch_model-00020-of-00033.bin",
178
+ "transformer.blocks.18.norm_1.bias": "pytorch_model-00019-of-00033.bin",
179
+ "transformer.blocks.18.norm_1.weight": "pytorch_model-00019-of-00033.bin",
180
+ "transformer.blocks.18.norm_2.bias": "pytorch_model-00020-of-00033.bin",
181
+ "transformer.blocks.18.norm_2.weight": "pytorch_model-00020-of-00033.bin",
182
+ "transformer.blocks.19.attn.Wqkv.bias": "pytorch_model-00021-of-00033.bin",
183
+ "transformer.blocks.19.attn.Wqkv.weight": "pytorch_model-00021-of-00033.bin",
184
+ "transformer.blocks.19.attn.k_ln.bias": "pytorch_model-00021-of-00033.bin",
185
+ "transformer.blocks.19.attn.k_ln.weight": "pytorch_model-00021-of-00033.bin",
186
+ "transformer.blocks.19.attn.out_proj.bias": "pytorch_model-00021-of-00033.bin",
187
+ "transformer.blocks.19.attn.out_proj.weight": "pytorch_model-00021-of-00033.bin",
188
+ "transformer.blocks.19.attn.q_ln.bias": "pytorch_model-00021-of-00033.bin",
189
+ "transformer.blocks.19.attn.q_ln.weight": "pytorch_model-00021-of-00033.bin",
190
+ "transformer.blocks.19.ffn.down_proj.bias": "pytorch_model-00021-of-00033.bin",
191
+ "transformer.blocks.19.ffn.down_proj.weight": "pytorch_model-00021-of-00033.bin",
192
+ "transformer.blocks.19.ffn.up_proj.bias": "pytorch_model-00021-of-00033.bin",
193
+ "transformer.blocks.19.ffn.up_proj.weight": "pytorch_model-00021-of-00033.bin",
194
+ "transformer.blocks.19.norm_1.bias": "pytorch_model-00020-of-00033.bin",
195
+ "transformer.blocks.19.norm_1.weight": "pytorch_model-00020-of-00033.bin",
196
+ "transformer.blocks.19.norm_2.bias": "pytorch_model-00021-of-00033.bin",
197
+ "transformer.blocks.19.norm_2.weight": "pytorch_model-00021-of-00033.bin",
198
+ "transformer.blocks.2.attn.Wqkv.bias": "pytorch_model-00004-of-00033.bin",
199
+ "transformer.blocks.2.attn.Wqkv.weight": "pytorch_model-00004-of-00033.bin",
200
+ "transformer.blocks.2.attn.k_ln.bias": "pytorch_model-00004-of-00033.bin",
201
+ "transformer.blocks.2.attn.k_ln.weight": "pytorch_model-00004-of-00033.bin",
202
+ "transformer.blocks.2.attn.out_proj.bias": "pytorch_model-00004-of-00033.bin",
203
+ "transformer.blocks.2.attn.out_proj.weight": "pytorch_model-00004-of-00033.bin",
204
+ "transformer.blocks.2.attn.q_ln.bias": "pytorch_model-00004-of-00033.bin",
205
+ "transformer.blocks.2.attn.q_ln.weight": "pytorch_model-00004-of-00033.bin",
206
+ "transformer.blocks.2.ffn.down_proj.bias": "pytorch_model-00004-of-00033.bin",
207
+ "transformer.blocks.2.ffn.down_proj.weight": "pytorch_model-00004-of-00033.bin",
208
+ "transformer.blocks.2.ffn.up_proj.bias": "pytorch_model-00004-of-00033.bin",
209
+ "transformer.blocks.2.ffn.up_proj.weight": "pytorch_model-00004-of-00033.bin",
210
+ "transformer.blocks.2.norm_1.bias": "pytorch_model-00003-of-00033.bin",
211
+ "transformer.blocks.2.norm_1.weight": "pytorch_model-00003-of-00033.bin",
212
+ "transformer.blocks.2.norm_2.bias": "pytorch_model-00004-of-00033.bin",
213
+ "transformer.blocks.2.norm_2.weight": "pytorch_model-00004-of-00033.bin",
214
+ "transformer.blocks.20.attn.Wqkv.bias": "pytorch_model-00022-of-00033.bin",
215
+ "transformer.blocks.20.attn.Wqkv.weight": "pytorch_model-00022-of-00033.bin",
216
+ "transformer.blocks.20.attn.k_ln.bias": "pytorch_model-00022-of-00033.bin",
217
+ "transformer.blocks.20.attn.k_ln.weight": "pytorch_model-00022-of-00033.bin",
218
+ "transformer.blocks.20.attn.out_proj.bias": "pytorch_model-00022-of-00033.bin",
219
+ "transformer.blocks.20.attn.out_proj.weight": "pytorch_model-00022-of-00033.bin",
220
+ "transformer.blocks.20.attn.q_ln.bias": "pytorch_model-00022-of-00033.bin",
221
+ "transformer.blocks.20.attn.q_ln.weight": "pytorch_model-00022-of-00033.bin",
222
+ "transformer.blocks.20.ffn.down_proj.bias": "pytorch_model-00022-of-00033.bin",
223
+ "transformer.blocks.20.ffn.down_proj.weight": "pytorch_model-00022-of-00033.bin",
224
+ "transformer.blocks.20.ffn.up_proj.bias": "pytorch_model-00022-of-00033.bin",
225
+ "transformer.blocks.20.ffn.up_proj.weight": "pytorch_model-00022-of-00033.bin",
226
+ "transformer.blocks.20.norm_1.bias": "pytorch_model-00021-of-00033.bin",
227
+ "transformer.blocks.20.norm_1.weight": "pytorch_model-00021-of-00033.bin",
228
+ "transformer.blocks.20.norm_2.bias": "pytorch_model-00022-of-00033.bin",
229
+ "transformer.blocks.20.norm_2.weight": "pytorch_model-00022-of-00033.bin",
230
+ "transformer.blocks.21.attn.Wqkv.bias": "pytorch_model-00023-of-00033.bin",
231
+ "transformer.blocks.21.attn.Wqkv.weight": "pytorch_model-00023-of-00033.bin",
232
+ "transformer.blocks.21.attn.k_ln.bias": "pytorch_model-00023-of-00033.bin",
233
+ "transformer.blocks.21.attn.k_ln.weight": "pytorch_model-00023-of-00033.bin",
234
+ "transformer.blocks.21.attn.out_proj.bias": "pytorch_model-00023-of-00033.bin",
235
+ "transformer.blocks.21.attn.out_proj.weight": "pytorch_model-00023-of-00033.bin",
236
+ "transformer.blocks.21.attn.q_ln.bias": "pytorch_model-00023-of-00033.bin",
237
+ "transformer.blocks.21.attn.q_ln.weight": "pytorch_model-00023-of-00033.bin",
238
+ "transformer.blocks.21.ffn.down_proj.bias": "pytorch_model-00023-of-00033.bin",
239
+ "transformer.blocks.21.ffn.down_proj.weight": "pytorch_model-00023-of-00033.bin",
240
+ "transformer.blocks.21.ffn.up_proj.bias": "pytorch_model-00023-of-00033.bin",
241
+ "transformer.blocks.21.ffn.up_proj.weight": "pytorch_model-00023-of-00033.bin",
242
+ "transformer.blocks.21.norm_1.bias": "pytorch_model-00022-of-00033.bin",
243
+ "transformer.blocks.21.norm_1.weight": "pytorch_model-00022-of-00033.bin",
244
+ "transformer.blocks.21.norm_2.bias": "pytorch_model-00023-of-00033.bin",
245
+ "transformer.blocks.21.norm_2.weight": "pytorch_model-00023-of-00033.bin",
246
+ "transformer.blocks.22.attn.Wqkv.bias": "pytorch_model-00024-of-00033.bin",
247
+ "transformer.blocks.22.attn.Wqkv.weight": "pytorch_model-00024-of-00033.bin",
248
+ "transformer.blocks.22.attn.k_ln.bias": "pytorch_model-00024-of-00033.bin",
249
+ "transformer.blocks.22.attn.k_ln.weight": "pytorch_model-00024-of-00033.bin",
250
+ "transformer.blocks.22.attn.out_proj.bias": "pytorch_model-00024-of-00033.bin",
251
+ "transformer.blocks.22.attn.out_proj.weight": "pytorch_model-00024-of-00033.bin",
252
+ "transformer.blocks.22.attn.q_ln.bias": "pytorch_model-00024-of-00033.bin",
253
+ "transformer.blocks.22.attn.q_ln.weight": "pytorch_model-00024-of-00033.bin",
254
+ "transformer.blocks.22.ffn.down_proj.bias": "pytorch_model-00024-of-00033.bin",
255
+ "transformer.blocks.22.ffn.down_proj.weight": "pytorch_model-00024-of-00033.bin",
256
+ "transformer.blocks.22.ffn.up_proj.bias": "pytorch_model-00024-of-00033.bin",
257
+ "transformer.blocks.22.ffn.up_proj.weight": "pytorch_model-00024-of-00033.bin",
258
+ "transformer.blocks.22.norm_1.bias": "pytorch_model-00023-of-00033.bin",
259
+ "transformer.blocks.22.norm_1.weight": "pytorch_model-00023-of-00033.bin",
260
+ "transformer.blocks.22.norm_2.bias": "pytorch_model-00024-of-00033.bin",
261
+ "transformer.blocks.22.norm_2.weight": "pytorch_model-00024-of-00033.bin",
262
+ "transformer.blocks.23.attn.Wqkv.bias": "pytorch_model-00025-of-00033.bin",
263
+ "transformer.blocks.23.attn.Wqkv.weight": "pytorch_model-00025-of-00033.bin",
264
+ "transformer.blocks.23.attn.k_ln.bias": "pytorch_model-00025-of-00033.bin",
265
+ "transformer.blocks.23.attn.k_ln.weight": "pytorch_model-00025-of-00033.bin",
266
+ "transformer.blocks.23.attn.out_proj.bias": "pytorch_model-00025-of-00033.bin",
267
+ "transformer.blocks.23.attn.out_proj.weight": "pytorch_model-00025-of-00033.bin",
268
+ "transformer.blocks.23.attn.q_ln.bias": "pytorch_model-00025-of-00033.bin",
269
+ "transformer.blocks.23.attn.q_ln.weight": "pytorch_model-00025-of-00033.bin",
270
+ "transformer.blocks.23.ffn.down_proj.bias": "pytorch_model-00025-of-00033.bin",
271
+ "transformer.blocks.23.ffn.down_proj.weight": "pytorch_model-00025-of-00033.bin",
272
+ "transformer.blocks.23.ffn.up_proj.bias": "pytorch_model-00025-of-00033.bin",
273
+ "transformer.blocks.23.ffn.up_proj.weight": "pytorch_model-00025-of-00033.bin",
274
+ "transformer.blocks.23.norm_1.bias": "pytorch_model-00024-of-00033.bin",
275
+ "transformer.blocks.23.norm_1.weight": "pytorch_model-00024-of-00033.bin",
276
+ "transformer.blocks.23.norm_2.bias": "pytorch_model-00025-of-00033.bin",
277
+ "transformer.blocks.23.norm_2.weight": "pytorch_model-00025-of-00033.bin",
278
+ "transformer.blocks.24.attn.Wqkv.bias": "pytorch_model-00026-of-00033.bin",
279
+ "transformer.blocks.24.attn.Wqkv.weight": "pytorch_model-00026-of-00033.bin",
280
+ "transformer.blocks.24.attn.k_ln.bias": "pytorch_model-00026-of-00033.bin",
281
+ "transformer.blocks.24.attn.k_ln.weight": "pytorch_model-00026-of-00033.bin",
282
+ "transformer.blocks.24.attn.out_proj.bias": "pytorch_model-00026-of-00033.bin",
283
+ "transformer.blocks.24.attn.out_proj.weight": "pytorch_model-00026-of-00033.bin",
284
+ "transformer.blocks.24.attn.q_ln.bias": "pytorch_model-00026-of-00033.bin",
285
+ "transformer.blocks.24.attn.q_ln.weight": "pytorch_model-00026-of-00033.bin",
286
+ "transformer.blocks.24.ffn.down_proj.bias": "pytorch_model-00026-of-00033.bin",
287
+ "transformer.blocks.24.ffn.down_proj.weight": "pytorch_model-00026-of-00033.bin",
288
+ "transformer.blocks.24.ffn.up_proj.bias": "pytorch_model-00026-of-00033.bin",
289
+ "transformer.blocks.24.ffn.up_proj.weight": "pytorch_model-00026-of-00033.bin",
290
+ "transformer.blocks.24.norm_1.bias": "pytorch_model-00025-of-00033.bin",
291
+ "transformer.blocks.24.norm_1.weight": "pytorch_model-00025-of-00033.bin",
292
+ "transformer.blocks.24.norm_2.bias": "pytorch_model-00026-of-00033.bin",
293
+ "transformer.blocks.24.norm_2.weight": "pytorch_model-00026-of-00033.bin",
294
+ "transformer.blocks.25.attn.Wqkv.bias": "pytorch_model-00027-of-00033.bin",
295
+ "transformer.blocks.25.attn.Wqkv.weight": "pytorch_model-00027-of-00033.bin",
296
+ "transformer.blocks.25.attn.k_ln.bias": "pytorch_model-00027-of-00033.bin",
297
+ "transformer.blocks.25.attn.k_ln.weight": "pytorch_model-00027-of-00033.bin",
298
+ "transformer.blocks.25.attn.out_proj.bias": "pytorch_model-00027-of-00033.bin",
299
+ "transformer.blocks.25.attn.out_proj.weight": "pytorch_model-00027-of-00033.bin",
300
+ "transformer.blocks.25.attn.q_ln.bias": "pytorch_model-00027-of-00033.bin",
301
+ "transformer.blocks.25.attn.q_ln.weight": "pytorch_model-00027-of-00033.bin",
302
+ "transformer.blocks.25.ffn.down_proj.bias": "pytorch_model-00027-of-00033.bin",
303
+ "transformer.blocks.25.ffn.down_proj.weight": "pytorch_model-00027-of-00033.bin",
304
+ "transformer.blocks.25.ffn.up_proj.bias": "pytorch_model-00027-of-00033.bin",
305
+ "transformer.blocks.25.ffn.up_proj.weight": "pytorch_model-00027-of-00033.bin",
306
+ "transformer.blocks.25.norm_1.bias": "pytorch_model-00026-of-00033.bin",
307
+ "transformer.blocks.25.norm_1.weight": "pytorch_model-00026-of-00033.bin",
308
+ "transformer.blocks.25.norm_2.bias": "pytorch_model-00027-of-00033.bin",
309
+ "transformer.blocks.25.norm_2.weight": "pytorch_model-00027-of-00033.bin",
310
+ "transformer.blocks.26.attn.Wqkv.bias": "pytorch_model-00028-of-00033.bin",
311
+ "transformer.blocks.26.attn.Wqkv.weight": "pytorch_model-00028-of-00033.bin",
312
+ "transformer.blocks.26.attn.k_ln.bias": "pytorch_model-00028-of-00033.bin",
313
+ "transformer.blocks.26.attn.k_ln.weight": "pytorch_model-00028-of-00033.bin",
314
+ "transformer.blocks.26.attn.out_proj.bias": "pytorch_model-00028-of-00033.bin",
315
+ "transformer.blocks.26.attn.out_proj.weight": "pytorch_model-00028-of-00033.bin",
316
+ "transformer.blocks.26.attn.q_ln.bias": "pytorch_model-00028-of-00033.bin",
317
+ "transformer.blocks.26.attn.q_ln.weight": "pytorch_model-00028-of-00033.bin",
318
+ "transformer.blocks.26.ffn.down_proj.bias": "pytorch_model-00028-of-00033.bin",
319
+ "transformer.blocks.26.ffn.down_proj.weight": "pytorch_model-00028-of-00033.bin",
320
+ "transformer.blocks.26.ffn.up_proj.bias": "pytorch_model-00028-of-00033.bin",
321
+ "transformer.blocks.26.ffn.up_proj.weight": "pytorch_model-00028-of-00033.bin",
322
+ "transformer.blocks.26.norm_1.bias": "pytorch_model-00027-of-00033.bin",
323
+ "transformer.blocks.26.norm_1.weight": "pytorch_model-00027-of-00033.bin",
324
+ "transformer.blocks.26.norm_2.bias": "pytorch_model-00028-of-00033.bin",
325
+ "transformer.blocks.26.norm_2.weight": "pytorch_model-00028-of-00033.bin",
326
+ "transformer.blocks.27.attn.Wqkv.bias": "pytorch_model-00029-of-00033.bin",
327
+ "transformer.blocks.27.attn.Wqkv.weight": "pytorch_model-00029-of-00033.bin",
328
+ "transformer.blocks.27.attn.k_ln.bias": "pytorch_model-00029-of-00033.bin",
329
+ "transformer.blocks.27.attn.k_ln.weight": "pytorch_model-00029-of-00033.bin",
330
+ "transformer.blocks.27.attn.out_proj.bias": "pytorch_model-00029-of-00033.bin",
331
+ "transformer.blocks.27.attn.out_proj.weight": "pytorch_model-00029-of-00033.bin",
332
+ "transformer.blocks.27.attn.q_ln.bias": "pytorch_model-00029-of-00033.bin",
333
+ "transformer.blocks.27.attn.q_ln.weight": "pytorch_model-00029-of-00033.bin",
334
+ "transformer.blocks.27.ffn.down_proj.bias": "pytorch_model-00029-of-00033.bin",
335
+ "transformer.blocks.27.ffn.down_proj.weight": "pytorch_model-00029-of-00033.bin",
336
+ "transformer.blocks.27.ffn.up_proj.bias": "pytorch_model-00029-of-00033.bin",
337
+ "transformer.blocks.27.ffn.up_proj.weight": "pytorch_model-00029-of-00033.bin",
338
+ "transformer.blocks.27.norm_1.bias": "pytorch_model-00028-of-00033.bin",
339
+ "transformer.blocks.27.norm_1.weight": "pytorch_model-00028-of-00033.bin",
340
+ "transformer.blocks.27.norm_2.bias": "pytorch_model-00029-of-00033.bin",
341
+ "transformer.blocks.27.norm_2.weight": "pytorch_model-00029-of-00033.bin",
342
+ "transformer.blocks.28.attn.Wqkv.bias": "pytorch_model-00030-of-00033.bin",
343
+ "transformer.blocks.28.attn.Wqkv.weight": "pytorch_model-00030-of-00033.bin",
344
+ "transformer.blocks.28.attn.k_ln.bias": "pytorch_model-00030-of-00033.bin",
345
+ "transformer.blocks.28.attn.k_ln.weight": "pytorch_model-00030-of-00033.bin",
346
+ "transformer.blocks.28.attn.out_proj.bias": "pytorch_model-00030-of-00033.bin",
347
+ "transformer.blocks.28.attn.out_proj.weight": "pytorch_model-00030-of-00033.bin",
348
+ "transformer.blocks.28.attn.q_ln.bias": "pytorch_model-00030-of-00033.bin",
349
+ "transformer.blocks.28.attn.q_ln.weight": "pytorch_model-00030-of-00033.bin",
350
+ "transformer.blocks.28.ffn.down_proj.bias": "pytorch_model-00030-of-00033.bin",
351
+ "transformer.blocks.28.ffn.down_proj.weight": "pytorch_model-00030-of-00033.bin",
352
+ "transformer.blocks.28.ffn.up_proj.bias": "pytorch_model-00030-of-00033.bin",
353
+ "transformer.blocks.28.ffn.up_proj.weight": "pytorch_model-00030-of-00033.bin",
354
+ "transformer.blocks.28.norm_1.bias": "pytorch_model-00029-of-00033.bin",
355
+ "transformer.blocks.28.norm_1.weight": "pytorch_model-00029-of-00033.bin",
356
+ "transformer.blocks.28.norm_2.bias": "pytorch_model-00030-of-00033.bin",
357
+ "transformer.blocks.28.norm_2.weight": "pytorch_model-00030-of-00033.bin",
358
+ "transformer.blocks.29.attn.Wqkv.bias": "pytorch_model-00031-of-00033.bin",
359
+ "transformer.blocks.29.attn.Wqkv.weight": "pytorch_model-00031-of-00033.bin",
360
+ "transformer.blocks.29.attn.k_ln.bias": "pytorch_model-00031-of-00033.bin",
361
+ "transformer.blocks.29.attn.k_ln.weight": "pytorch_model-00031-of-00033.bin",
362
+ "transformer.blocks.29.attn.out_proj.bias": "pytorch_model-00031-of-00033.bin",
363
+ "transformer.blocks.29.attn.out_proj.weight": "pytorch_model-00031-of-00033.bin",
364
+ "transformer.blocks.29.attn.q_ln.bias": "pytorch_model-00031-of-00033.bin",
365
+ "transformer.blocks.29.attn.q_ln.weight": "pytorch_model-00031-of-00033.bin",
366
+ "transformer.blocks.29.ffn.down_proj.bias": "pytorch_model-00031-of-00033.bin",
367
+ "transformer.blocks.29.ffn.down_proj.weight": "pytorch_model-00031-of-00033.bin",
368
+ "transformer.blocks.29.ffn.up_proj.bias": "pytorch_model-00031-of-00033.bin",
369
+ "transformer.blocks.29.ffn.up_proj.weight": "pytorch_model-00031-of-00033.bin",
370
+ "transformer.blocks.29.norm_1.bias": "pytorch_model-00030-of-00033.bin",
371
+ "transformer.blocks.29.norm_1.weight": "pytorch_model-00030-of-00033.bin",
372
+ "transformer.blocks.29.norm_2.bias": "pytorch_model-00031-of-00033.bin",
373
+ "transformer.blocks.29.norm_2.weight": "pytorch_model-00031-of-00033.bin",
374
+ "transformer.blocks.3.attn.Wqkv.bias": "pytorch_model-00005-of-00033.bin",
375
+ "transformer.blocks.3.attn.Wqkv.weight": "pytorch_model-00005-of-00033.bin",
376
+ "transformer.blocks.3.attn.k_ln.bias": "pytorch_model-00005-of-00033.bin",
377
+ "transformer.blocks.3.attn.k_ln.weight": "pytorch_model-00005-of-00033.bin",
378
+ "transformer.blocks.3.attn.out_proj.bias": "pytorch_model-00005-of-00033.bin",
379
+ "transformer.blocks.3.attn.out_proj.weight": "pytorch_model-00005-of-00033.bin",
380
+ "transformer.blocks.3.attn.q_ln.bias": "pytorch_model-00005-of-00033.bin",
381
+ "transformer.blocks.3.attn.q_ln.weight": "pytorch_model-00005-of-00033.bin",
382
+ "transformer.blocks.3.ffn.down_proj.bias": "pytorch_model-00005-of-00033.bin",
383
+ "transformer.blocks.3.ffn.down_proj.weight": "pytorch_model-00005-of-00033.bin",
384
+ "transformer.blocks.3.ffn.up_proj.bias": "pytorch_model-00005-of-00033.bin",
385
+ "transformer.blocks.3.ffn.up_proj.weight": "pytorch_model-00005-of-00033.bin",
386
+ "transformer.blocks.3.norm_1.bias": "pytorch_model-00004-of-00033.bin",
387
+ "transformer.blocks.3.norm_1.weight": "pytorch_model-00004-of-00033.bin",
388
+ "transformer.blocks.3.norm_2.bias": "pytorch_model-00005-of-00033.bin",
389
+ "transformer.blocks.3.norm_2.weight": "pytorch_model-00005-of-00033.bin",
390
+ "transformer.blocks.30.attn.Wqkv.bias": "pytorch_model-00032-of-00033.bin",
391
+ "transformer.blocks.30.attn.Wqkv.weight": "pytorch_model-00032-of-00033.bin",
392
+ "transformer.blocks.30.attn.k_ln.bias": "pytorch_model-00032-of-00033.bin",
393
+ "transformer.blocks.30.attn.k_ln.weight": "pytorch_model-00032-of-00033.bin",
394
+ "transformer.blocks.30.attn.out_proj.bias": "pytorch_model-00032-of-00033.bin",
395
+ "transformer.blocks.30.attn.out_proj.weight": "pytorch_model-00032-of-00033.bin",
396
+ "transformer.blocks.30.attn.q_ln.bias": "pytorch_model-00032-of-00033.bin",
397
+ "transformer.blocks.30.attn.q_ln.weight": "pytorch_model-00032-of-00033.bin",
398
+ "transformer.blocks.30.ffn.down_proj.bias": "pytorch_model-00032-of-00033.bin",
399
+ "transformer.blocks.30.ffn.down_proj.weight": "pytorch_model-00032-of-00033.bin",
400
+ "transformer.blocks.30.ffn.up_proj.bias": "pytorch_model-00032-of-00033.bin",
401
+ "transformer.blocks.30.ffn.up_proj.weight": "pytorch_model-00032-of-00033.bin",
402
+ "transformer.blocks.30.norm_1.bias": "pytorch_model-00031-of-00033.bin",
403
+ "transformer.blocks.30.norm_1.weight": "pytorch_model-00031-of-00033.bin",
404
+ "transformer.blocks.30.norm_2.bias": "pytorch_model-00032-of-00033.bin",
405
+ "transformer.blocks.30.norm_2.weight": "pytorch_model-00032-of-00033.bin",
406
+ "transformer.blocks.31.attn.Wqkv.bias": "pytorch_model-00033-of-00033.bin",
407
+ "transformer.blocks.31.attn.Wqkv.weight": "pytorch_model-00033-of-00033.bin",
408
+ "transformer.blocks.31.attn.k_ln.bias": "pytorch_model-00033-of-00033.bin",
409
+ "transformer.blocks.31.attn.k_ln.weight": "pytorch_model-00033-of-00033.bin",
410
+ "transformer.blocks.31.attn.out_proj.bias": "pytorch_model-00033-of-00033.bin",
411
+ "transformer.blocks.31.attn.out_proj.weight": "pytorch_model-00033-of-00033.bin",
412
+ "transformer.blocks.31.attn.q_ln.bias": "pytorch_model-00033-of-00033.bin",
413
+ "transformer.blocks.31.attn.q_ln.weight": "pytorch_model-00033-of-00033.bin",
414
+ "transformer.blocks.31.ffn.down_proj.bias": "pytorch_model-00033-of-00033.bin",
415
+ "transformer.blocks.31.ffn.down_proj.weight": "pytorch_model-00033-of-00033.bin",
416
+ "transformer.blocks.31.ffn.up_proj.bias": "pytorch_model-00033-of-00033.bin",
417
+ "transformer.blocks.31.ffn.up_proj.weight": "pytorch_model-00033-of-00033.bin",
418
+ "transformer.blocks.31.norm_1.bias": "pytorch_model-00032-of-00033.bin",
419
+ "transformer.blocks.31.norm_1.weight": "pytorch_model-00032-of-00033.bin",
420
+ "transformer.blocks.31.norm_2.bias": "pytorch_model-00033-of-00033.bin",
421
+ "transformer.blocks.31.norm_2.weight": "pytorch_model-00033-of-00033.bin",
422
+ "transformer.blocks.4.attn.Wqkv.bias": "pytorch_model-00006-of-00033.bin",
423
+ "transformer.blocks.4.attn.Wqkv.weight": "pytorch_model-00006-of-00033.bin",
424
+ "transformer.blocks.4.attn.k_ln.bias": "pytorch_model-00006-of-00033.bin",
425
+ "transformer.blocks.4.attn.k_ln.weight": "pytorch_model-00006-of-00033.bin",
426
+ "transformer.blocks.4.attn.out_proj.bias": "pytorch_model-00006-of-00033.bin",
427
+ "transformer.blocks.4.attn.out_proj.weight": "pytorch_model-00006-of-00033.bin",
428
+ "transformer.blocks.4.attn.q_ln.bias": "pytorch_model-00006-of-00033.bin",
429
+ "transformer.blocks.4.attn.q_ln.weight": "pytorch_model-00006-of-00033.bin",
430
+ "transformer.blocks.4.ffn.down_proj.bias": "pytorch_model-00006-of-00033.bin",
431
+ "transformer.blocks.4.ffn.down_proj.weight": "pytorch_model-00006-of-00033.bin",
432
+ "transformer.blocks.4.ffn.up_proj.bias": "pytorch_model-00006-of-00033.bin",
433
+ "transformer.blocks.4.ffn.up_proj.weight": "pytorch_model-00006-of-00033.bin",
434
+ "transformer.blocks.4.norm_1.bias": "pytorch_model-00005-of-00033.bin",
435
+ "transformer.blocks.4.norm_1.weight": "pytorch_model-00005-of-00033.bin",
436
+ "transformer.blocks.4.norm_2.bias": "pytorch_model-00006-of-00033.bin",
437
+ "transformer.blocks.4.norm_2.weight": "pytorch_model-00006-of-00033.bin",
438
+ "transformer.blocks.5.attn.Wqkv.bias": "pytorch_model-00007-of-00033.bin",
439
+ "transformer.blocks.5.attn.Wqkv.weight": "pytorch_model-00007-of-00033.bin",
440
+ "transformer.blocks.5.attn.k_ln.bias": "pytorch_model-00007-of-00033.bin",
441
+ "transformer.blocks.5.attn.k_ln.weight": "pytorch_model-00007-of-00033.bin",
442
+ "transformer.blocks.5.attn.out_proj.bias": "pytorch_model-00007-of-00033.bin",
443
+ "transformer.blocks.5.attn.out_proj.weight": "pytorch_model-00007-of-00033.bin",
444
+ "transformer.blocks.5.attn.q_ln.bias": "pytorch_model-00007-of-00033.bin",
445
+ "transformer.blocks.5.attn.q_ln.weight": "pytorch_model-00007-of-00033.bin",
446
+ "transformer.blocks.5.ffn.down_proj.bias": "pytorch_model-00007-of-00033.bin",
447
+ "transformer.blocks.5.ffn.down_proj.weight": "pytorch_model-00007-of-00033.bin",
448
+ "transformer.blocks.5.ffn.up_proj.bias": "pytorch_model-00007-of-00033.bin",
449
+ "transformer.blocks.5.ffn.up_proj.weight": "pytorch_model-00007-of-00033.bin",
450
+ "transformer.blocks.5.norm_1.bias": "pytorch_model-00006-of-00033.bin",
451
+ "transformer.blocks.5.norm_1.weight": "pytorch_model-00006-of-00033.bin",
452
+ "transformer.blocks.5.norm_2.bias": "pytorch_model-00007-of-00033.bin",
453
+ "transformer.blocks.5.norm_2.weight": "pytorch_model-00007-of-00033.bin",
454
+ "transformer.blocks.6.attn.Wqkv.bias": "pytorch_model-00008-of-00033.bin",
455
+ "transformer.blocks.6.attn.Wqkv.weight": "pytorch_model-00008-of-00033.bin",
456
+ "transformer.blocks.6.attn.k_ln.bias": "pytorch_model-00008-of-00033.bin",
457
+ "transformer.blocks.6.attn.k_ln.weight": "pytorch_model-00008-of-00033.bin",
458
+ "transformer.blocks.6.attn.out_proj.bias": "pytorch_model-00008-of-00033.bin",
459
+ "transformer.blocks.6.attn.out_proj.weight": "pytorch_model-00008-of-00033.bin",
460
+ "transformer.blocks.6.attn.q_ln.bias": "pytorch_model-00008-of-00033.bin",
461
+ "transformer.blocks.6.attn.q_ln.weight": "pytorch_model-00008-of-00033.bin",
462
+ "transformer.blocks.6.ffn.down_proj.bias": "pytorch_model-00008-of-00033.bin",
463
+ "transformer.blocks.6.ffn.down_proj.weight": "pytorch_model-00008-of-00033.bin",
464
+ "transformer.blocks.6.ffn.up_proj.bias": "pytorch_model-00008-of-00033.bin",
465
+ "transformer.blocks.6.ffn.up_proj.weight": "pytorch_model-00008-of-00033.bin",
466
+ "transformer.blocks.6.norm_1.bias": "pytorch_model-00007-of-00033.bin",
467
+ "transformer.blocks.6.norm_1.weight": "pytorch_model-00007-of-00033.bin",
468
+ "transformer.blocks.6.norm_2.bias": "pytorch_model-00008-of-00033.bin",
469
+ "transformer.blocks.6.norm_2.weight": "pytorch_model-00008-of-00033.bin",
470
+ "transformer.blocks.7.attn.Wqkv.bias": "pytorch_model-00009-of-00033.bin",
471
+ "transformer.blocks.7.attn.Wqkv.weight": "pytorch_model-00009-of-00033.bin",
472
+ "transformer.blocks.7.attn.k_ln.bias": "pytorch_model-00009-of-00033.bin",
473
+ "transformer.blocks.7.attn.k_ln.weight": "pytorch_model-00009-of-00033.bin",
474
+ "transformer.blocks.7.attn.out_proj.bias": "pytorch_model-00009-of-00033.bin",
475
+ "transformer.blocks.7.attn.out_proj.weight": "pytorch_model-00009-of-00033.bin",
476
+ "transformer.blocks.7.attn.q_ln.bias": "pytorch_model-00009-of-00033.bin",
477
+ "transformer.blocks.7.attn.q_ln.weight": "pytorch_model-00009-of-00033.bin",
478
+ "transformer.blocks.7.ffn.down_proj.bias": "pytorch_model-00009-of-00033.bin",
479
+ "transformer.blocks.7.ffn.down_proj.weight": "pytorch_model-00009-of-00033.bin",
480
+ "transformer.blocks.7.ffn.up_proj.bias": "pytorch_model-00009-of-00033.bin",
481
+ "transformer.blocks.7.ffn.up_proj.weight": "pytorch_model-00009-of-00033.bin",
482
+ "transformer.blocks.7.norm_1.bias": "pytorch_model-00008-of-00033.bin",
483
+ "transformer.blocks.7.norm_1.weight": "pytorch_model-00008-of-00033.bin",
484
+ "transformer.blocks.7.norm_2.bias": "pytorch_model-00009-of-00033.bin",
485
+ "transformer.blocks.7.norm_2.weight": "pytorch_model-00009-of-00033.bin",
486
+ "transformer.blocks.8.attn.Wqkv.bias": "pytorch_model-00010-of-00033.bin",
487
+ "transformer.blocks.8.attn.Wqkv.weight": "pytorch_model-00010-of-00033.bin",
488
+ "transformer.blocks.8.attn.k_ln.bias": "pytorch_model-00010-of-00033.bin",
489
+ "transformer.blocks.8.attn.k_ln.weight": "pytorch_model-00010-of-00033.bin",
490
+ "transformer.blocks.8.attn.out_proj.bias": "pytorch_model-00010-of-00033.bin",
491
+ "transformer.blocks.8.attn.out_proj.weight": "pytorch_model-00010-of-00033.bin",
492
+ "transformer.blocks.8.attn.q_ln.bias": "pytorch_model-00010-of-00033.bin",
493
+ "transformer.blocks.8.attn.q_ln.weight": "pytorch_model-00010-of-00033.bin",
494
+ "transformer.blocks.8.ffn.down_proj.bias": "pytorch_model-00010-of-00033.bin",
495
+ "transformer.blocks.8.ffn.down_proj.weight": "pytorch_model-00010-of-00033.bin",
496
+ "transformer.blocks.8.ffn.up_proj.bias": "pytorch_model-00010-of-00033.bin",
497
+ "transformer.blocks.8.ffn.up_proj.weight": "pytorch_model-00010-of-00033.bin",
498
+ "transformer.blocks.8.norm_1.bias": "pytorch_model-00009-of-00033.bin",
499
+ "transformer.blocks.8.norm_1.weight": "pytorch_model-00009-of-00033.bin",
500
+ "transformer.blocks.8.norm_2.bias": "pytorch_model-00010-of-00033.bin",
501
+ "transformer.blocks.8.norm_2.weight": "pytorch_model-00010-of-00033.bin",
502
+ "transformer.blocks.9.attn.Wqkv.bias": "pytorch_model-00011-of-00033.bin",
503
+ "transformer.blocks.9.attn.Wqkv.weight": "pytorch_model-00011-of-00033.bin",
504
+ "transformer.blocks.9.attn.k_ln.bias": "pytorch_model-00011-of-00033.bin",
505
+ "transformer.blocks.9.attn.k_ln.weight": "pytorch_model-00011-of-00033.bin",
506
+ "transformer.blocks.9.attn.out_proj.bias": "pytorch_model-00011-of-00033.bin",
507
+ "transformer.blocks.9.attn.out_proj.weight": "pytorch_model-00011-of-00033.bin",
508
+ "transformer.blocks.9.attn.q_ln.bias": "pytorch_model-00011-of-00033.bin",
509
+ "transformer.blocks.9.attn.q_ln.weight": "pytorch_model-00011-of-00033.bin",
510
+ "transformer.blocks.9.ffn.down_proj.bias": "pytorch_model-00011-of-00033.bin",
511
+ "transformer.blocks.9.ffn.down_proj.weight": "pytorch_model-00011-of-00033.bin",
512
+ "transformer.blocks.9.ffn.up_proj.bias": "pytorch_model-00011-of-00033.bin",
513
+ "transformer.blocks.9.ffn.up_proj.weight": "pytorch_model-00011-of-00033.bin",
514
+ "transformer.blocks.9.norm_1.bias": "pytorch_model-00010-of-00033.bin",
515
+ "transformer.blocks.9.norm_1.weight": "pytorch_model-00010-of-00033.bin",
516
+ "transformer.blocks.9.norm_2.bias": "pytorch_model-00011-of-00033.bin",
517
+ "transformer.blocks.9.norm_2.weight": "pytorch_model-00011-of-00033.bin",
518
+ "transformer.norm_f.bias": "pytorch_model-00033-of-00033.bin",
519
+ "transformer.norm_f.weight": "pytorch_model-00033-of-00033.bin",
520
+ "transformer.wpe.weight": "pytorch_model-00002-of-00033.bin",
521
+ "transformer.wte.weight": "pytorch_model-00001-of-00033.bin"
522
+ }
523
+ }