nlpguy rpand002 commited on
Commit
e0eb5a2
0 Parent(s):

Duplicate from ibm-granite/granite-3.0-3b-a800m-base

Browse files

Co-authored-by: Rameswar Panda <rpand002@users.noreply.huggingface.co>

.gitattributes ADDED
@@ -0,0 +1,35 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ *.7z filter=lfs diff=lfs merge=lfs -text
2
+ *.arrow filter=lfs diff=lfs merge=lfs -text
3
+ *.bin filter=lfs diff=lfs merge=lfs -text
4
+ *.bz2 filter=lfs diff=lfs merge=lfs -text
5
+ *.ckpt filter=lfs diff=lfs merge=lfs -text
6
+ *.ftz filter=lfs diff=lfs merge=lfs -text
7
+ *.gz filter=lfs diff=lfs merge=lfs -text
8
+ *.h5 filter=lfs diff=lfs merge=lfs -text
9
+ *.joblib filter=lfs diff=lfs merge=lfs -text
10
+ *.lfs.* filter=lfs diff=lfs merge=lfs -text
11
+ *.mlmodel filter=lfs diff=lfs merge=lfs -text
12
+ *.model filter=lfs diff=lfs merge=lfs -text
13
+ *.msgpack filter=lfs diff=lfs merge=lfs -text
14
+ *.npy filter=lfs diff=lfs merge=lfs -text
15
+ *.npz filter=lfs diff=lfs merge=lfs -text
16
+ *.onnx filter=lfs diff=lfs merge=lfs -text
17
+ *.ot filter=lfs diff=lfs merge=lfs -text
18
+ *.parquet filter=lfs diff=lfs merge=lfs -text
19
+ *.pb filter=lfs diff=lfs merge=lfs -text
20
+ *.pickle filter=lfs diff=lfs merge=lfs -text
21
+ *.pkl filter=lfs diff=lfs merge=lfs -text
22
+ *.pt filter=lfs diff=lfs merge=lfs -text
23
+ *.pth filter=lfs diff=lfs merge=lfs -text
24
+ *.rar filter=lfs diff=lfs merge=lfs -text
25
+ *.safetensors filter=lfs diff=lfs merge=lfs -text
26
+ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
27
+ *.tar.* filter=lfs diff=lfs merge=lfs -text
28
+ *.tar filter=lfs diff=lfs merge=lfs -text
29
+ *.tflite filter=lfs diff=lfs merge=lfs -text
30
+ *.tgz filter=lfs diff=lfs merge=lfs -text
31
+ *.wasm filter=lfs diff=lfs merge=lfs -text
32
+ *.xz filter=lfs diff=lfs merge=lfs -text
33
+ *.zip filter=lfs diff=lfs merge=lfs -text
34
+ *.zst filter=lfs diff=lfs merge=lfs -text
35
+ *tfevents* filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,302 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ pipeline_tag: text-generation
3
+ inference: false
4
+ license: apache-2.0
5
+ library_name: transformers
6
+ tags:
7
+ - language
8
+ - granite-3.0
9
+ model-index:
10
+ - name: granite-3.0-3b-a800m-base
11
+ results:
12
+ - task:
13
+ type: text-generation
14
+ dataset:
15
+ type: human-exams
16
+ name: MMLU
17
+ metrics:
18
+ - name: pass@1
19
+ type: pass@1
20
+ value: 48.64
21
+ veriefied: false
22
+ - task:
23
+ type: text-generation
24
+ dataset:
25
+ type: human-exams
26
+ name: MMLU-Pro
27
+ metrics:
28
+ - name: pass@1
29
+ type: pass@1
30
+ value: 18.84
31
+ veriefied: false
32
+ - task:
33
+ type: text-generation
34
+ dataset:
35
+ type: human-exams
36
+ name: AGI-Eval
37
+ metrics:
38
+ - name: pass@1
39
+ type: pass@1
40
+ value: 23.81
41
+ veriefied: false
42
+ - task:
43
+ type: text-generation
44
+ dataset:
45
+ type: commonsense
46
+ name: WinoGrande
47
+ metrics:
48
+ - name: pass@1
49
+ type: pass@1
50
+ value: 65.67
51
+ veriefied: false
52
+ - task:
53
+ type: text-generation
54
+ dataset:
55
+ type: commonsense
56
+ name: OBQA
57
+ metrics:
58
+ - name: pass@1
59
+ type: pass@1
60
+ value: 42.20
61
+ veriefied: false
62
+ - task:
63
+ type: text-generation
64
+ dataset:
65
+ type: commonsense
66
+ name: SIQA
67
+ metrics:
68
+ - name: pass@1
69
+ type: pass@1
70
+ value: 47.39
71
+ veriefied: false
72
+ - task:
73
+ type: text-generation
74
+ dataset:
75
+ type: commonsense
76
+ name: PIQA
77
+ metrics:
78
+ - name: pass@1
79
+ type: pass@1
80
+ value: 78.29
81
+ veriefied: false
82
+ - task:
83
+ type: text-generation
84
+ dataset:
85
+ type: commonsense
86
+ name: Hellaswag
87
+ metrics:
88
+ - name: pass@1
89
+ type: pass@1
90
+ value: 72.79
91
+ veriefied: false
92
+ - task:
93
+ type: text-generation
94
+ dataset:
95
+ type: commonsense
96
+ name: TruthfulQA
97
+ metrics:
98
+ - name: pass@1
99
+ type: pass@1
100
+ value: 41.34
101
+ veriefied: false
102
+ - task:
103
+ type: text-generation
104
+ dataset:
105
+ type: reading-comprehension
106
+ name: BoolQ
107
+ metrics:
108
+ - name: pass@1
109
+ type: pass@1
110
+ value: 75.75
111
+ veriefied: false
112
+ - task:
113
+ type: text-generation
114
+ dataset:
115
+ type: reading-comprehension
116
+ name: SQuAD 2.0
117
+ metrics:
118
+ - name: pass@1
119
+ type: pass@1
120
+ value: 20.96
121
+ veriefied: false
122
+ - task:
123
+ type: text-generation
124
+ dataset:
125
+ type: reasoning
126
+ name: ARC-C
127
+ metrics:
128
+ - name: pass@1
129
+ type: pass@1
130
+ value: 46.84
131
+ veriefied: false
132
+ - task:
133
+ type: text-generation
134
+ dataset:
135
+ type: reasoning
136
+ name: GPQA
137
+ metrics:
138
+ - name: pass@1
139
+ type: pass@1
140
+ value: 24.83
141
+ veriefied: false
142
+ - task:
143
+ type: text-generation
144
+ dataset:
145
+ type: reasoning
146
+ name: BBH
147
+ metrics:
148
+ - name: pass@1
149
+ type: pass@1
150
+ value: 38.93
151
+ veriefied: false
152
+ - task:
153
+ type: text-generation
154
+ dataset:
155
+ type: reasoning
156
+ name: MUSR
157
+ metrics:
158
+ - name: pass@1
159
+ type: pass@1
160
+ value: 35.05
161
+ veriefied: false
162
+ - task:
163
+ type: text-generation
164
+ dataset:
165
+ type: code
166
+ name: HumanEval
167
+ metrics:
168
+ - name: pass@1
169
+ type: pass@1
170
+ value: 26.83
171
+ veriefied: false
172
+ - task:
173
+ type: text-generation
174
+ dataset:
175
+ type: code
176
+ name: MBPP
177
+ metrics:
178
+ - name: pass@1
179
+ type: pass@1
180
+ value: 34.60
181
+ veriefied: false
182
+ - task:
183
+ type: text-generation
184
+ dataset:
185
+ type: math
186
+ name: GSM8K
187
+ metrics:
188
+ - name: pass@1
189
+ type: pass@1
190
+ value: 35.86
191
+ veriefied: false
192
+ - task:
193
+ type: text-generation
194
+ dataset:
195
+ type: math
196
+ name: MATH
197
+ metrics:
198
+ - name: pass@1
199
+ type: pass@1
200
+ value: 17.40
201
+ veriefied: false
202
+ ---
203
+
204
+ <!-- ![image/png](https://cdn-uploads.huggingface.co/production/uploads/62cd5057674cdb524450093d/1hzxoPwqkBJXshKVVe6_9.png) -->
205
+ <!-- ![image/png](granite-3_0-language-models_Group_1.png) -->
206
+
207
+ # Granite-3.0-3B-A800M-Base
208
+
209
+ **Model Summary:**
210
+ Granite-3.0-3B-A800M-Base is a decoder-only language model to support a variety of text-to-text generation tasks. It is trained from scratch following a two-stage training strategy. In the first stage, it is trained on 8 trillion tokens sourced from diverse domains. During the second stage, it is further trained on 2 trillion tokens using a carefully curated mix of high-quality data, aiming to enhance its performance on specific tasks.
211
+
212
+ - **Developers:** Granite Team, IBM
213
+ - **GitHub Repository:** [ibm-granite/granite-3.0-language-models](https://github.com/ibm-granite/granite-3.0-language-models)
214
+ - **Website**: [Granite Docs](https://www.ibm.com/granite/docs/)
215
+ - **Paper:** [Granite 3.0 Language Models](https://github.com/ibm-granite/granite-3.0-language-models/blob/main/paper.pdf)
216
+ - **Release Date**: October 21st, 2024
217
+ - **License:** [Apache 2.0](https://www.apache.org/licenses/LICENSE-2.0)
218
+
219
+ **Supported Languages:**
220
+ English, German, Spanish, French, Japanese, Portuguese, Arabic, Czech, Italian, Korean, Dutch, and Chinese. Users may finetune Granite 3.0 models for languages beyond these 12 languages.
221
+
222
+ **Intended use:**
223
+ Prominent use cases of LLMs in text-to-text generation include summarization, text classification, extraction, question-answering, and more. All Granite Base models are able to handle these tasks as they were trained on a large amount of data from various domains. Moreover, they can serve as baseline to create specialized models for specific application scenarios.
224
+
225
+ **Generation:**
226
+ This is a simple example of how to use Granite-3.0-3B-A800M-Base model.
227
+
228
+ Install the following libraries:
229
+
230
+ ```shell
231
+ pip install torch torchvision torchaudio
232
+ pip install accelerate
233
+ pip install transformers
234
+ ```
235
+ Then, copy the code snippet below to run the example.
236
+
237
+ ```python
238
+ from transformers import AutoModelForCausalLM, AutoTokenizer
239
+ device = "auto"
240
+ model_path = "ibm-granite/granite-3.0-3b-a800m-base"
241
+ tokenizer = AutoTokenizer.from_pretrained(model_path)
242
+ # drop device_map if running on CPU
243
+ model = AutoModelForCausalLM.from_pretrained(model_path, device_map=device)
244
+ model.eval()
245
+ # change input text as desired
246
+ input_text = "Where is the Thomas J. Watson Research Center located?"
247
+ # tokenize the text
248
+ input_tokens = tokenizer(input_text, return_tensors="pt").to(device)
249
+ # generate output tokens
250
+ output = model.generate(**input_tokens,
251
+ max_length=4000)
252
+ # decode output tokens into text
253
+ output = tokenizer.batch_decode(output)
254
+ # print output
255
+ print(output)
256
+ ```
257
+
258
+ **Model Architecture:**
259
+ Granite-3.0-3B-A800M-Base is based on a decoder-only sparse Mixture of Experts (MoE) transformer architecture. Core components of this architecture are: Fine-grained Experts, Dropless Token Routing, and Load Balancing Loss.
260
+
261
+ | Model | 2B Dense | 8B Dense | 1B MoE | 3B MoE |
262
+ | :-------- | :--------| :--------| :--------| :-------- |
263
+ | Embedding size | 2048 | 4096 | 1024 | **1536** |
264
+ | Number of layers | 40 | 40 | 24 | **32** |
265
+ | Attention head size | 64 | 128 | 64 | **64** |
266
+ | Number of attention heads | 32 | 32 | 16 | **24** |
267
+ | Number of KV heads | 8 | 8 | 8 | **8** |
268
+ | MLP hidden size | 8192 | 12800 | 512 | **512** |
269
+ | MLP activation | SwiGLU | SwiGLU | SwiGLU | **SwiGLU** |
270
+ | Number of Experts | — | — | 32 | **40** |
271
+ | MoE TopK | — | — | 8 | **8** |
272
+ | Initialization std | 0.1 | 0.1 | 0.1 | **0.1** |
273
+ | Sequence Length | 4096 | 4096 | 4096 | **4096** |
274
+ | Position Embedding | RoPE | RoPE | RoPE | **RoPE** |
275
+ | # Parameters | 2.5B | 8.1B | 1.3B | **3.3B** |
276
+ | # Active Parameters | 2.5B | 8.1B | 400M | **800M** |
277
+ | # Training tokens | 12T | 12T | 10T | **10T** |
278
+
279
+ **Training Data:**
280
+ This model is trained on a mix of open source and proprietary data following a two-stage training strategy.
281
+ * Stage 1 data: The data for stage 1 is sourced from diverse domains, such as: web, code, academic sources, books, and math data.
282
+ * Stage 2 data: The data for stage 2 comprises a curated mix of high-quality data from the same domains, plus multilingual and instruction data. The goal of this second training phase is to enhance the model’s performance on specific tasks.
283
+
284
+ A detailed attribution of datasets can be found in the [Granite Technical Report](https://github.com/ibm-granite/granite-3.0-language-models/blob/main/paper.pdf) and [Accompanying Author List](https://github.com/ibm-granite/granite-3.0-language-models/blob/main/author-ack.pdf).
285
+
286
+ **Infrastructure:**
287
+ We train Granite 3.0 Language Models using IBM's super computing cluster, Blue Vela, which is outfitted with NVIDIA H100 GPUs. This cluster provides a scalable and efficient infrastructure for training our models over thousands of GPUs while minimizing environmental impact by utilizing 100% renewable energy sources.
288
+
289
+ **Ethical Considerations and Limitations:**
290
+ The use of Large Language Models involves risks and ethical considerations people must be aware of, including but not limited to: bias and fairness, misinformation, and autonomous decision-making. Granite-3.0-3B-A800M-Base model is not the exception in this regard. Even though this model is suited for multiple generative AI tasks, it has not undergone any safety alignment, there it may produce problematic outputs. Additionally, it remains uncertain whether smaller models might exhibit increased susceptibility to hallucination in generation scenarios by copying text verbatim from the training dataset due to their reduced sizes and memorization capacities. This aspect is currently an active area of research, and we anticipate more rigorous exploration, comprehension, and mitigations in this domain. Regarding ethics, a latent risk associated with all Large Language Models is their malicious utilization. We urge the community to use Granite-3.0-3B-A800M-Base model with ethical intentions and in a responsible way.
291
+
292
+ <!-- ## Citation
293
+ ```
294
+ @misc{granite-models,
295
+ author = {author 1, author2, ...},
296
+ title = {},
297
+ journal = {},
298
+ volume = {},
299
+ year = {2024},
300
+ url = {https://arxiv.org/abs/0000.00000},
301
+ }
302
+ ``` -->
config.json ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "GraniteMoeForCausalLM"
4
+ ],
5
+ "attention_bias": false,
6
+ "attention_dropout": 0.0,
7
+ "attention_multiplier": 0.015625,
8
+ "bos_token_id": 0,
9
+ "embedding_multiplier": 12.0,
10
+ "eos_token_id": 0,
11
+ "hidden_act": "silu",
12
+ "hidden_size": 1536,
13
+ "initializer_range": 0.02,
14
+ "intermediate_size": 512,
15
+ "logits_scaling": 6.0,
16
+ "max_position_embeddings": 4096,
17
+ "model_type": "granitemoe",
18
+ "num_attention_heads": 24,
19
+ "num_experts_per_tok": 8,
20
+ "num_hidden_layers": 32,
21
+ "num_key_value_heads": 8,
22
+ "num_local_experts": 40,
23
+ "output_router_logits": false,
24
+ "pad_token_id": 0,
25
+ "residual_multiplier": 0.22,
26
+ "rms_norm_eps": 1e-06,
27
+ "rope_scaling": null,
28
+ "rope_theta": 10000,
29
+ "router_aux_loss_coef": 0.001,
30
+ "tie_word_embeddings": true,
31
+ "transformers_version": "4.45.0.dev0",
32
+ "use_cache": true,
33
+ "vocab_size": 49152
34
+ }
generation_config.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "_from_model_config": true,
3
+ "bos_token_id": 0,
4
+ "eos_token_id": 0,
5
+ "pad_token_id": 0,
6
+ "transformers_version": "4.45.0.dev0"
7
+ }
model-00001-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:88f7d507bac927ae109bac9baf7ca4ca79a9318b2b1b180f54d7f09c95f05a85
3
+ size 4885026144
model-00002-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:783c988f15e917d748c611363521db69399287847f393531d9d91684c733b764
3
+ size 4986201816
model-00003-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1d1d285a8ed54a31196dd1df6a63c25c0756273ec226364822081e5354ab54ff
3
+ size 3625952504
model.safetensors.index.json ADDED
@@ -0,0 +1,298 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "metadata": {
3
+ "total_size": 13497145344
4
+ },
5
+ "weight_map": {
6
+ "model.embed_tokens.weight": "model-00001-of-00003.safetensors",
7
+ "model.norm.weight": "model-00001-of-00003.safetensors",
8
+ "lm_head.weight": "model-00001-of-00003.safetensors",
9
+ "model.layers.0.input_layernorm.weight": "model-00001-of-00003.safetensors",
10
+ "model.layers.0.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
11
+ "model.layers.0.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
12
+ "model.layers.0.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
13
+ "model.layers.0.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
14
+ "model.layers.0.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
15
+ "model.layers.0.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
16
+ "model.layers.0.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
17
+ "model.layers.0.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
18
+ "model.layers.1.input_layernorm.weight": "model-00001-of-00003.safetensors",
19
+ "model.layers.1.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
20
+ "model.layers.1.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
21
+ "model.layers.1.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
22
+ "model.layers.1.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
23
+ "model.layers.1.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
24
+ "model.layers.1.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
25
+ "model.layers.1.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
26
+ "model.layers.1.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
27
+ "model.layers.2.input_layernorm.weight": "model-00001-of-00003.safetensors",
28
+ "model.layers.2.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
29
+ "model.layers.2.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
30
+ "model.layers.2.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
31
+ "model.layers.2.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
32
+ "model.layers.2.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
33
+ "model.layers.2.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
34
+ "model.layers.2.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
35
+ "model.layers.2.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
36
+ "model.layers.3.input_layernorm.weight": "model-00001-of-00003.safetensors",
37
+ "model.layers.3.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
38
+ "model.layers.3.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
39
+ "model.layers.3.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
40
+ "model.layers.3.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
41
+ "model.layers.3.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
42
+ "model.layers.3.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
43
+ "model.layers.3.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
44
+ "model.layers.3.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
45
+ "model.layers.4.input_layernorm.weight": "model-00001-of-00003.safetensors",
46
+ "model.layers.4.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
47
+ "model.layers.4.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
48
+ "model.layers.4.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
49
+ "model.layers.4.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
50
+ "model.layers.4.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
51
+ "model.layers.4.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
52
+ "model.layers.4.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
53
+ "model.layers.4.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
54
+ "model.layers.5.input_layernorm.weight": "model-00001-of-00003.safetensors",
55
+ "model.layers.5.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
56
+ "model.layers.5.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
57
+ "model.layers.5.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
58
+ "model.layers.5.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
59
+ "model.layers.5.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
60
+ "model.layers.5.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
61
+ "model.layers.5.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
62
+ "model.layers.5.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
63
+ "model.layers.6.input_layernorm.weight": "model-00001-of-00003.safetensors",
64
+ "model.layers.6.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
65
+ "model.layers.6.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
66
+ "model.layers.6.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
67
+ "model.layers.6.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
68
+ "model.layers.6.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
69
+ "model.layers.6.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
70
+ "model.layers.6.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
71
+ "model.layers.6.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
72
+ "model.layers.7.input_layernorm.weight": "model-00001-of-00003.safetensors",
73
+ "model.layers.7.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
74
+ "model.layers.7.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
75
+ "model.layers.7.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
76
+ "model.layers.7.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
77
+ "model.layers.7.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
78
+ "model.layers.7.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
79
+ "model.layers.7.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
80
+ "model.layers.7.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
81
+ "model.layers.8.input_layernorm.weight": "model-00001-of-00003.safetensors",
82
+ "model.layers.8.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
83
+ "model.layers.8.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
84
+ "model.layers.8.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
85
+ "model.layers.8.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
86
+ "model.layers.8.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
87
+ "model.layers.8.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
88
+ "model.layers.8.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
89
+ "model.layers.8.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
90
+ "model.layers.9.input_layernorm.weight": "model-00001-of-00003.safetensors",
91
+ "model.layers.9.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
92
+ "model.layers.9.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
93
+ "model.layers.9.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
94
+ "model.layers.9.block_sparse_moe.output_linear.weight": "model-00001-of-00003.safetensors",
95
+ "model.layers.9.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
96
+ "model.layers.9.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
97
+ "model.layers.9.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
98
+ "model.layers.9.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
99
+ "model.layers.10.input_layernorm.weight": "model-00001-of-00003.safetensors",
100
+ "model.layers.10.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
101
+ "model.layers.10.block_sparse_moe.router.layer.weight": "model-00001-of-00003.safetensors",
102
+ "model.layers.10.block_sparse_moe.input_linear.weight": "model-00001-of-00003.safetensors",
103
+ "model.layers.10.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
104
+ "model.layers.10.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
105
+ "model.layers.10.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
106
+ "model.layers.10.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
107
+ "model.layers.10.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
108
+ "model.layers.11.input_layernorm.weight": "model-00002-of-00003.safetensors",
109
+ "model.layers.11.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
110
+ "model.layers.11.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
111
+ "model.layers.11.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
112
+ "model.layers.11.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
113
+ "model.layers.11.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
114
+ "model.layers.11.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
115
+ "model.layers.11.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
116
+ "model.layers.11.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
117
+ "model.layers.12.input_layernorm.weight": "model-00002-of-00003.safetensors",
118
+ "model.layers.12.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
119
+ "model.layers.12.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
120
+ "model.layers.12.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
121
+ "model.layers.12.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
122
+ "model.layers.12.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
123
+ "model.layers.12.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
124
+ "model.layers.12.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
125
+ "model.layers.12.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
126
+ "model.layers.13.input_layernorm.weight": "model-00002-of-00003.safetensors",
127
+ "model.layers.13.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
128
+ "model.layers.13.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
129
+ "model.layers.13.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
130
+ "model.layers.13.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
131
+ "model.layers.13.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
132
+ "model.layers.13.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
133
+ "model.layers.13.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
134
+ "model.layers.13.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
135
+ "model.layers.14.input_layernorm.weight": "model-00002-of-00003.safetensors",
136
+ "model.layers.14.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
137
+ "model.layers.14.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
138
+ "model.layers.14.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
139
+ "model.layers.14.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
140
+ "model.layers.14.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
141
+ "model.layers.14.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
142
+ "model.layers.14.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
143
+ "model.layers.14.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
144
+ "model.layers.15.input_layernorm.weight": "model-00002-of-00003.safetensors",
145
+ "model.layers.15.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
146
+ "model.layers.15.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
147
+ "model.layers.15.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
148
+ "model.layers.15.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
149
+ "model.layers.15.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
150
+ "model.layers.15.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
151
+ "model.layers.15.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
152
+ "model.layers.15.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
153
+ "model.layers.16.input_layernorm.weight": "model-00002-of-00003.safetensors",
154
+ "model.layers.16.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
155
+ "model.layers.16.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
156
+ "model.layers.16.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
157
+ "model.layers.16.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
158
+ "model.layers.16.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
159
+ "model.layers.16.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
160
+ "model.layers.16.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
161
+ "model.layers.16.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
162
+ "model.layers.17.input_layernorm.weight": "model-00002-of-00003.safetensors",
163
+ "model.layers.17.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
164
+ "model.layers.17.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
165
+ "model.layers.17.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
166
+ "model.layers.17.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
167
+ "model.layers.17.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
168
+ "model.layers.17.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
169
+ "model.layers.17.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
170
+ "model.layers.17.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
171
+ "model.layers.18.input_layernorm.weight": "model-00002-of-00003.safetensors",
172
+ "model.layers.18.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
173
+ "model.layers.18.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
174
+ "model.layers.18.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
175
+ "model.layers.18.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
176
+ "model.layers.18.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
177
+ "model.layers.18.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
178
+ "model.layers.18.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
179
+ "model.layers.18.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
180
+ "model.layers.19.input_layernorm.weight": "model-00002-of-00003.safetensors",
181
+ "model.layers.19.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
182
+ "model.layers.19.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
183
+ "model.layers.19.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
184
+ "model.layers.19.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
185
+ "model.layers.19.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
186
+ "model.layers.19.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
187
+ "model.layers.19.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
188
+ "model.layers.19.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
189
+ "model.layers.20.input_layernorm.weight": "model-00002-of-00003.safetensors",
190
+ "model.layers.20.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
191
+ "model.layers.20.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
192
+ "model.layers.20.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
193
+ "model.layers.20.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
194
+ "model.layers.20.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
195
+ "model.layers.20.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
196
+ "model.layers.20.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
197
+ "model.layers.20.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
198
+ "model.layers.21.input_layernorm.weight": "model-00002-of-00003.safetensors",
199
+ "model.layers.21.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
200
+ "model.layers.21.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
201
+ "model.layers.21.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
202
+ "model.layers.21.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
203
+ "model.layers.21.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
204
+ "model.layers.21.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
205
+ "model.layers.21.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
206
+ "model.layers.21.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
207
+ "model.layers.22.input_layernorm.weight": "model-00002-of-00003.safetensors",
208
+ "model.layers.22.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
209
+ "model.layers.22.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
210
+ "model.layers.22.block_sparse_moe.input_linear.weight": "model-00002-of-00003.safetensors",
211
+ "model.layers.22.block_sparse_moe.output_linear.weight": "model-00002-of-00003.safetensors",
212
+ "model.layers.22.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
213
+ "model.layers.22.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
214
+ "model.layers.22.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
215
+ "model.layers.22.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
216
+ "model.layers.23.input_layernorm.weight": "model-00002-of-00003.safetensors",
217
+ "model.layers.23.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
218
+ "model.layers.23.block_sparse_moe.router.layer.weight": "model-00002-of-00003.safetensors",
219
+ "model.layers.23.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
220
+ "model.layers.23.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
221
+ "model.layers.23.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
222
+ "model.layers.23.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
223
+ "model.layers.23.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
224
+ "model.layers.23.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
225
+ "model.layers.24.input_layernorm.weight": "model-00003-of-00003.safetensors",
226
+ "model.layers.24.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
227
+ "model.layers.24.block_sparse_moe.router.layer.weight": "model-00003-of-00003.safetensors",
228
+ "model.layers.24.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
229
+ "model.layers.24.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
230
+ "model.layers.24.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
231
+ "model.layers.24.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
232
+ "model.layers.24.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
233
+ "model.layers.24.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
234
+ "model.layers.25.input_layernorm.weight": "model-00003-of-00003.safetensors",
235
+ "model.layers.25.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
236
+ "model.layers.25.block_sparse_moe.router.layer.weight": "model-00003-of-00003.safetensors",
237
+ "model.layers.25.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
238
+ "model.layers.25.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
239
+ "model.layers.25.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
240
+ "model.layers.25.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
241
+ "model.layers.25.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
242
+ "model.layers.25.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
243
+ "model.layers.26.input_layernorm.weight": "model-00003-of-00003.safetensors",
244
+ "model.layers.26.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
245
+ "model.layers.26.block_sparse_moe.router.layer.weight": "model-00003-of-00003.safetensors",
246
+ "model.layers.26.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
247
+ "model.layers.26.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
248
+ "model.layers.26.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
249
+ "model.layers.26.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
250
+ "model.layers.26.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
251
+ "model.layers.26.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
252
+ "model.layers.27.input_layernorm.weight": "model-00003-of-00003.safetensors",
253
+ "model.layers.27.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
254
+ "model.layers.27.block_sparse_moe.router.layer.weight": "model-00003-of-00003.safetensors",
255
+ "model.layers.27.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
256
+ "model.layers.27.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
257
+ "model.layers.27.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
258
+ "model.layers.27.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
259
+ "model.layers.27.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
260
+ "model.layers.27.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
261
+ "model.layers.28.input_layernorm.weight": "model-00003-of-00003.safetensors",
262
+ "model.layers.28.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
263
+ "model.layers.28.block_sparse_moe.router.layer.weight": "model-00003-of-00003.safetensors",
264
+ "model.layers.28.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
265
+ "model.layers.28.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
266
+ "model.layers.28.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
267
+ "model.layers.28.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
268
+ "model.layers.28.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
269
+ "model.layers.28.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
270
+ "model.layers.29.input_layernorm.weight": "model-00003-of-00003.safetensors",
271
+ "model.layers.29.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
272
+ "model.layers.29.block_sparse_moe.router.layer.weight": "model-00003-of-00003.safetensors",
273
+ "model.layers.29.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
274
+ "model.layers.29.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
275
+ "model.layers.29.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
276
+ "model.layers.29.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
277
+ "model.layers.29.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
278
+ "model.layers.29.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
279
+ "model.layers.30.input_layernorm.weight": "model-00003-of-00003.safetensors",
280
+ "model.layers.30.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
281
+ "model.layers.30.block_sparse_moe.router.layer.weight": "model-00003-of-00003.safetensors",
282
+ "model.layers.30.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
283
+ "model.layers.30.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
284
+ "model.layers.30.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
285
+ "model.layers.30.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
286
+ "model.layers.30.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
287
+ "model.layers.30.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
288
+ "model.layers.31.input_layernorm.weight": "model-00003-of-00003.safetensors",
289
+ "model.layers.31.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
290
+ "model.layers.31.block_sparse_moe.router.layer.weight": "model-00003-of-00003.safetensors",
291
+ "model.layers.31.block_sparse_moe.input_linear.weight": "model-00003-of-00003.safetensors",
292
+ "model.layers.31.block_sparse_moe.output_linear.weight": "model-00003-of-00003.safetensors",
293
+ "model.layers.31.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
294
+ "model.layers.31.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
295
+ "model.layers.31.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
296
+ "model.layers.31.self_attn.o_proj.weight": "model-00003-of-00003.safetensors"
297
+ }
298
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,51 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|endoftext|>",
4
+ "<fim_prefix>",
5
+ "<fim_middle>",
6
+ "<fim_suffix>",
7
+ "<fim_pad>",
8
+ "<filename>",
9
+ "<gh_stars>",
10
+ "<issue_start>",
11
+ "<issue_comment>",
12
+ "<issue_closed>",
13
+ "<jupyter_start>",
14
+ "<jupyter_text>",
15
+ "<jupyter_code>",
16
+ "<jupyter_output>",
17
+ "<empty_output>",
18
+ "<commit_before>",
19
+ "<commit_msg>",
20
+ "<commit_after>",
21
+ "<reponame>"
22
+ ],
23
+ "bos_token": {
24
+ "content": "<|endoftext|>",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "eos_token": {
31
+ "content": "<|endoftext|>",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ },
37
+ "pad_token": {
38
+ "content": "<|endoftext|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false
43
+ },
44
+ "unk_token": {
45
+ "content": "<|endoftext|>",
46
+ "lstrip": false,
47
+ "normalized": false,
48
+ "rstrip": false,
49
+ "single_word": false
50
+ }
51
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,187 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "added_tokens_decoder": {
4
+ "0": {
5
+ "content": "<|endoftext|>",
6
+ "lstrip": false,
7
+ "normalized": false,
8
+ "rstrip": false,
9
+ "single_word": false,
10
+ "special": true
11
+ },
12
+ "1": {
13
+ "content": "<fim_prefix>",
14
+ "lstrip": false,
15
+ "normalized": false,
16
+ "rstrip": false,
17
+ "single_word": false,
18
+ "special": true
19
+ },
20
+ "2": {
21
+ "content": "<fim_middle>",
22
+ "lstrip": false,
23
+ "normalized": false,
24
+ "rstrip": false,
25
+ "single_word": false,
26
+ "special": true
27
+ },
28
+ "3": {
29
+ "content": "<fim_suffix>",
30
+ "lstrip": false,
31
+ "normalized": false,
32
+ "rstrip": false,
33
+ "single_word": false,
34
+ "special": true
35
+ },
36
+ "4": {
37
+ "content": "<fim_pad>",
38
+ "lstrip": false,
39
+ "normalized": false,
40
+ "rstrip": false,
41
+ "single_word": false,
42
+ "special": true
43
+ },
44
+ "5": {
45
+ "content": "<filename>",
46
+ "lstrip": false,
47
+ "normalized": false,
48
+ "rstrip": false,
49
+ "single_word": false,
50
+ "special": true
51
+ },
52
+ "6": {
53
+ "content": "<gh_stars>",
54
+ "lstrip": false,
55
+ "normalized": false,
56
+ "rstrip": false,
57
+ "single_word": false,
58
+ "special": true
59
+ },
60
+ "7": {
61
+ "content": "<issue_start>",
62
+ "lstrip": false,
63
+ "normalized": false,
64
+ "rstrip": false,
65
+ "single_word": false,
66
+ "special": true
67
+ },
68
+ "8": {
69
+ "content": "<issue_comment>",
70
+ "lstrip": false,
71
+ "normalized": false,
72
+ "rstrip": false,
73
+ "single_word": false,
74
+ "special": true
75
+ },
76
+ "9": {
77
+ "content": "<issue_closed>",
78
+ "lstrip": false,
79
+ "normalized": false,
80
+ "rstrip": false,
81
+ "single_word": false,
82
+ "special": true
83
+ },
84
+ "10": {
85
+ "content": "<jupyter_start>",
86
+ "lstrip": false,
87
+ "normalized": false,
88
+ "rstrip": false,
89
+ "single_word": false,
90
+ "special": true
91
+ },
92
+ "11": {
93
+ "content": "<jupyter_text>",
94
+ "lstrip": false,
95
+ "normalized": false,
96
+ "rstrip": false,
97
+ "single_word": false,
98
+ "special": true
99
+ },
100
+ "12": {
101
+ "content": "<jupyter_code>",
102
+ "lstrip": false,
103
+ "normalized": false,
104
+ "rstrip": false,
105
+ "single_word": false,
106
+ "special": true
107
+ },
108
+ "13": {
109
+ "content": "<jupyter_output>",
110
+ "lstrip": false,
111
+ "normalized": false,
112
+ "rstrip": false,
113
+ "single_word": false,
114
+ "special": true
115
+ },
116
+ "14": {
117
+ "content": "<empty_output>",
118
+ "lstrip": false,
119
+ "normalized": false,
120
+ "rstrip": false,
121
+ "single_word": false,
122
+ "special": true
123
+ },
124
+ "15": {
125
+ "content": "<commit_before>",
126
+ "lstrip": false,
127
+ "normalized": false,
128
+ "rstrip": false,
129
+ "single_word": false,
130
+ "special": true
131
+ },
132
+ "16": {
133
+ "content": "<commit_msg>",
134
+ "lstrip": false,
135
+ "normalized": false,
136
+ "rstrip": false,
137
+ "single_word": false,
138
+ "special": true
139
+ },
140
+ "17": {
141
+ "content": "<commit_after>",
142
+ "lstrip": false,
143
+ "normalized": false,
144
+ "rstrip": false,
145
+ "single_word": false,
146
+ "special": true
147
+ },
148
+ "18": {
149
+ "content": "<reponame>",
150
+ "lstrip": false,
151
+ "normalized": false,
152
+ "rstrip": false,
153
+ "single_word": false,
154
+ "special": true
155
+ }
156
+ },
157
+ "additional_special_tokens": [
158
+ "<|endoftext|>",
159
+ "<fim_prefix>",
160
+ "<fim_middle>",
161
+ "<fim_suffix>",
162
+ "<fim_pad>",
163
+ "<filename>",
164
+ "<gh_stars>",
165
+ "<issue_start>",
166
+ "<issue_comment>",
167
+ "<issue_closed>",
168
+ "<jupyter_start>",
169
+ "<jupyter_text>",
170
+ "<jupyter_code>",
171
+ "<jupyter_output>",
172
+ "<empty_output>",
173
+ "<commit_before>",
174
+ "<commit_msg>",
175
+ "<commit_after>",
176
+ "<reponame>"
177
+ ],
178
+ "bos_token": "<|endoftext|>",
179
+ "clean_up_tokenization_spaces": true,
180
+ "eos_token": "<|endoftext|>",
181
+ "model_max_length": 9223372036854775807,
182
+ "pad_token": "<|endoftext|>",
183
+ "padding_side": "left",
184
+ "tokenizer_class": "GPT2Tokenizer",
185
+ "unk_token": "<|endoftext|>",
186
+ "vocab_size": 49152
187
+ }