JustJaro commited on
Commit
f3fb32b
·
verified ·
1 Parent(s): efc9cec

Add files using upload-large-folder tool

Browse files
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* 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
 
 
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
36
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,478 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ tags:
3
+ - gptq
4
+ - quantization
5
+ - 4bit
6
+ - confidentialmind
7
+ - text-generation
8
+ - apache2.0
9
+ - mistral-small-24b
10
+ ---
11
+ # 🔥 Quantized Model: Mistral-Small-24B-Instruct-2501_gptq_g128_4bit 🔥
12
+
13
+ This is a 4-bit quantized version of [mistralai/Mistral-Small-24B-Instruct-2501](https://huggingface.co/mistralai/Mistral-Small-24B-Instruct-2501) model, quantized by [ConfidentialMind.com](https://www.confidentialmind.com) 🤖✨
14
+ It leverages the open-source GPTQModel quantization to achieve 4-bit precision with a group size of 128 resulting in a
15
+ smaller,
16
+ faster model with minimal performance degradation.
17
+
18
+ Ran on a single NVIDIA A100 GPU with 80GB of VRAM.
19
+
20
+ *Note* `batch_size` is set quite high as the model is small, you may need to adjust this to your GPU VRAM.
21
+
22
+ ## Model Details
23
+ - **Original Model:** [mistralai/Mistral-Small-24B-Instruct-2501](https://huggingface.co/mistralai/Mistral-Small-24B-Instruct-2501)
24
+ - **Quantized Model:** Mistral-Small-24B-Instruct-2501_gptq_g128_4bit (this repository)
25
+ - **Quantization Method:** GPTQ (4-bit, group size 128)
26
+ - **Quantization Library:** [GPTQModel](https://github.com/ModelCloud/GPTQModel/tree/main)
27
+ - **Calibration Dataset:** neuralmagic/LLM_compression_calibration (using 512 samples with seq len 4096)
28
+ - **Quantized by:** [ConfidentialMind.com](https://www.confidentialmind.com)
29
+
30
+ ## Usage
31
+
32
+ ```python
33
+ from gptqmodel import GPTQModel
34
+ from transformers import AutoTokenizer
35
+
36
+ # Use the local directory or JustJaro/Mistral-Small-24B-Instruct-2501_gptq_g128_4bit after upload
37
+ quantized_model_id = "/home/jaro/models/quantized/Mistral-Small-24B-Instruct-2501_gptq_g128_4bit" # or "JustJaro/Mistral-Small-24B-Instruct-2501_gptq_g128_4bit"
38
+ tokenizer = AutoTokenizer.from_pretrained(quantized_model_id)
39
+ model = GPTQModel.load(quantized_model_id, device="cuda:0") # or "cpu"
40
+
41
+ input_text = "This is a test prompt"
42
+ inputs = tokenizer(input_text, return_tensors="pt").to("cuda:0")
43
+ outputs = model.generate(**inputs)
44
+ print(tokenizer.decode(outputs[0], skip_special_tokens=True))
45
+ ```
46
+
47
+ ## Package Versions and Installation Instructions
48
+
49
+ See pyproject.toml for the exact UV project file.
50
+
51
+ ```bash
52
+ pip install \
53
+ gptqmodel==1.9.0 \
54
+ typer==0.15.1 \
55
+ huggingface_hub==<version> \
56
+ datasets==3.3.0 \
57
+ transformers==4.48.3 \
58
+ safetensors==0.5.2 \
59
+ torch==2.6.0
60
+
61
+ # Alternatively, use the provided pyproject.toml:
62
+
63
+ ```bash
64
+ uv venv
65
+ source venv/bin/activate
66
+ uv sync
67
+ ```
68
+
69
+ ### Environment Variables
70
+
71
+ ```bash
72
+ HF_TOKEN=<YOUR_HF_TOKEN>
73
+ TOKENIZERS_PARALLELISM="true"
74
+ PYTORCH_CUDA_ALLOC_CONF=expandable_segments:True
75
+
76
+ ## Quantization Script
77
+ Below is the exact quantize.py script used to generate this model (with the exact versions of the dependencies):
78
+
79
+ <details><summary>Show Quantization Script</summary>
80
+
81
+ ```python
82
+ #!/usr/bin/env python3
83
+ """
84
+ This script loads a source Hugging Face model and a calibration dataset,
85
+ quantizes the model using GPTQModel (with 4-bit precision and group size 128),
86
+ saves the quantized model using the Transformers API with safetensors (safe serialization)
87
+ under ~/models/quantized/, and then creates/updates a Hugging Face repository (with the
88
+ _gptq_g128_4bit suffix) by uploading the model, tokenizer, and an auto-generated README.md.
89
+
90
+ Usage example:
91
+ python quantize.py --source-model TinyLlama/TinyLlama-1.1B-Chat-v1.0 \
92
+ --calibration-dataset wikitext/wikitext-2-raw-v1 \
93
+ --seq-len 1024 --nsamples 256 --hf-token <YOUR_HF_TOKEN>
94
+ """
95
+
96
+ import os
97
+ import shutil
98
+ import subprocess
99
+ from pathlib import Path
100
+ from typing import List
101
+
102
+ import torch
103
+ import typer
104
+ from datasets import load_dataset
105
+ from dotenv import load_dotenv, find_dotenv
106
+ from gptqmodel import GPTQModel, QuantizeConfig
107
+ from gptqmodel.utils import Perplexity
108
+ # For later pushing to the model hub
109
+ from huggingface_hub import HfApi
110
+ from transformers import AutoTokenizer, PreTrainedTokenizerBase
111
+
112
+ load_dotenv(find_dotenv())
113
+ HF_TOKEN = os.getenv("HF_TOKEN")
114
+
115
+ app = typer.Typer()
116
+
117
+
118
+ def get_text_from_example(example: dict) -> str:
119
+ """
120
+ Returns text from a dataset example.
121
+ If the example contains a "text" field, and it is nonempty, that text is used.
122
+ Otherwise, if it has a "messages" field (a list of dicts with a "content" key),
123
+ the function returns the concatenation of all non-empty message contents.
124
+ """
125
+ if "text" in example and example["text"]:
126
+ return example["text"]
127
+ elif "messages" in example:
128
+ contents = [msg.get("content", "").strip() for msg in example["messages"]]
129
+ return " ".join([s for s in contents if s])
130
+ else:
131
+ return ""
132
+
133
+
134
+ def get_calibration_dataset(
135
+ tokenizer: PreTrainedTokenizerBase,
136
+ nsamples: int,
137
+ seqlen: int,
138
+ calibration_dataset: str
139
+ ) -> List[dict]:
140
+ """
141
+ Loads a calibration dataset from the Hugging Face Hub (or from a local file).
142
+ It accepts datasets with a single "text" field (like wikitext)
143
+ or with a "messages" field (as in the Neural Magic LLM Compression Calibration dataset).
144
+ Only examples whose extracted text length is at least 'seqlen' are kept.
145
+ Each chosen example is tokenized (with truncation up to 'seqlen') and returned as a dict.
146
+ """
147
+ ds = None
148
+ try:
149
+ # Attempt to load from HF Hub.
150
+ try:
151
+ if "/" in calibration_dataset:
152
+ parts = calibration_dataset.split("/", 1)
153
+ ds = load_dataset(parts[0], parts[1], split="train")
154
+ else:
155
+ ds = load_dataset(calibration_dataset, split="train")
156
+ except Exception as e:
157
+ print(f"Error loading dataset '{calibration_dataset}' via load_dataset: {e}")
158
+ ds = load_dataset(calibration_dataset, split="train")
159
+ print(f"Loaded calibration dataset from full remote path {calibration_dataset}.")
160
+
161
+
162
+ except Exception as e:
163
+ print(f"Error loading dataset '{calibration_dataset}' via load_dataset: {e}")
164
+ # Fallback: if the supplied calibration_dataset is a local path, try to load it as JSON-lines.
165
+ if os.path.exists(calibration_dataset):
166
+ try:
167
+ ds = load_dataset("json", data_files=calibration_dataset, split="train")
168
+ print(f"Loaded calibration dataset from local file {calibration_dataset}.")
169
+ except Exception as e2:
170
+ print(f"Error loading local json dataset from '{calibration_dataset}': {e2}")
171
+ return []
172
+ else:
173
+ return []
174
+
175
+ print(f"Dataset features: {ds.features}")
176
+
177
+ # Filter examples that have at least 80% 'seqlen' of extracted text.
178
+ ds = ds.filter(lambda x: len(get_text_from_example(x)) >= int(seqlen*0.8))
179
+ sample_range = min(nsamples, len(ds))
180
+ calibration_data = []
181
+ for i in range(sample_range):
182
+ example = ds[i]
183
+ text = get_text_from_example(example)
184
+ tokenized = tokenizer(text, truncation=True, max_length=seqlen, return_tensors="pt")
185
+ tokenized = {k: v.squeeze(0) for k, v in tokenized.items()}
186
+ calibration_data.append(tokenized)
187
+ return calibration_data
188
+
189
+
190
+ def calculate_avg_ppl(model, tokenizer):
191
+ """
192
+ Computes the average perplexity on the wikitext-2-raw-v1 train split using GPTQModel's Perplexity utility.
193
+ """
194
+ ppl = Perplexity(
195
+ model=model,
196
+ tokenizer=tokenizer,
197
+ dataset_path="wikitext",
198
+ dataset_name="wikitext-2-raw-v1",
199
+ split="train",
200
+ text_column="text",
201
+ )
202
+ ppl_values = ppl.calculate(n_ctx=512, n_batch=512)
203
+ avg = sum(ppl_values) / len(ppl_values)
204
+ return avg
205
+
206
+
207
+ def get_pinned_package_versions():
208
+ """
209
+ Retrieves pinned package versions using 'uv pip freeze'.
210
+ Returns a dictionary mapping lowercased package names to their versions.
211
+ """
212
+ try:
213
+ result = subprocess.run(["uv", "pip", "freeze"], capture_output=True, text=True, check=True)
214
+ packages_output = result.stdout.strip()
215
+ versions = {}
216
+ for line in packages_output.splitlines():
217
+ if "==" in line:
218
+ package_name, package_version = line.split("==", 1)
219
+ versions[package_name.lower()] = package_version
220
+ return versions
221
+ except subprocess.CalledProcessError as e:
222
+ typer.echo(f"Error running 'uv pip freeze': {e}", err=True)
223
+ return {}
224
+ except FileNotFoundError:
225
+ typer.echo("uv command not found. Make sure uv is installed and in your PATH.", err=True)
226
+ return {}
227
+
228
+
229
+ @app.command()
230
+ def main(
231
+ seq_len: int = typer.Option(4096, help="Sequence length for tokenization and calibration."),
232
+ nsamples: int = typer.Option(512, help="Number of samples to use for calibration."),
233
+ source_model: str = typer.Option("mistralai/Mistral-Small-24B-Instruct-2501",
234
+ help="Source model HF repository identifier."),
235
+ calibration_dataset: str = typer.Option("wikitext/wikitext-2-raw-v1",
236
+ help="Calibration dataset identifier (in 'dataset/config' format) or local file path."),
237
+ hf_token: str = typer.Option(HF_TOKEN,
238
+ help="Hugging Face token for creating/updating your repo."),
239
+ ):
240
+ # Prepare destination directory and model names.
241
+ model_name = source_model.split("/")[-1]
242
+ quantized_model_name = f"{model_name}_gptq_g128_4bit"
243
+ quantized_model_dir = os.path.expanduser(os.path.join("~/models/quantized", quantized_model_name))
244
+ if not os.path.exists(quantized_model_dir):
245
+ os.makedirs(quantized_model_dir, exist_ok=True)
246
+
247
+ os.makedirs(quantized_model_dir, exist_ok=True)
248
+
249
+ typer.echo("Loading tokenizer from source model...")
250
+ tokenizer_obj = AutoTokenizer.from_pretrained(source_model, use_fast=True)
251
+
252
+ typer.echo("Loading calibration dataset...")
253
+ typer.echo(f"Calibration dataset: {calibration_dataset}")
254
+ calibration_data = get_calibration_dataset(tokenizer_obj, nsamples, seq_len, calibration_dataset)
255
+ if not calibration_data:
256
+ typer.echo("Calibration dataset is empty. Aborting.", err=True)
257
+ raise typer.Exit(code=1)
258
+
259
+ quantize_config = QuantizeConfig(bits=4, group_size=128, mse=0.01, damp_percent=0.015)
260
+ device = "cuda:0" if torch.cuda.is_available() else "cpu"
261
+ typer.echo(f"Loading model in {device} mode...")
262
+ model = GPTQModel.load(source_model, quantize_config)
263
+
264
+ typer.echo("Quantizing model...")
265
+ model.quantize(calibration_data, auto_gc=False, batch_size=int(nsamples*0.1))
266
+ # Retrieve Hugging Face user info for README generation.
267
+ package_versions = get_pinned_package_versions()
268
+ username = get_my_user(hf_token)
269
+
270
+ script_content = self_read_script()
271
+
272
+ typer.echo(f"Saving quantized model to {quantized_model_dir} using Transformers safe serialization...")
273
+ try:
274
+ model.save_pretrained(quantized_model_dir)
275
+ tokenizer_obj.save_pretrained(quantized_model_dir)
276
+ except Exception as ex:
277
+ typer.echo(f"Error during saving with safe_serialization: {ex}. Aborting.")
278
+ raise
279
+ typer.echo(f"Model uploaded to Hugging Face repo: {quantized_model_name}")
280
+ else:
281
+ tokenizer_obj = AutoTokenizer.from_pretrained(source_model, use_fast=True)
282
+ package_versions = get_pinned_package_versions()
283
+ username = get_my_user(hf_token)
284
+ script_content = self_read_script()
285
+
286
+
287
+ device = "cuda:0" if torch.cuda.is_available() else "cpu"
288
+ model = GPTQModel.load(quantized_model_dir, device=device)
289
+ avg_ppl = calculate_avg_ppl(model, tokenizer_obj)
290
+ typer.echo(f"Average perplexity (PPL) on wikitext v2 dataset: {avg_ppl}")
291
+ deps = Path("./pyproject.toml")
292
+ shutil.copy(deps, quantized_model_dir)
293
+ generate_readme(calibration_dataset, nsamples, package_versions, quantized_model_dir,
294
+ quantized_model_name, script_content, seq_len, source_model, username, avg_ppl)
295
+ GPTQModel.push_to_hub(quantized_path=quantized_model_dir, private=False, repo_id=quantized_model_name,
296
+ token=HF_TOKEN)
297
+ typer.echo(f"Model uploaded to Hugging Face repo: {quantized_model_name}")
298
+ demo_input = tokenizer_obj("test is", return_tensors="pt").to(device)
299
+ generated_ids = model.generate(**demo_input)
300
+ output_text = tokenizer_obj.decode(generated_ids[0])
301
+ typer.echo(f"Inference demo output: {output_text}")
302
+ typer.echo(f"Average perplexity (PPL) on calibration dataset: {avg_ppl}")
303
+
304
+
305
+ def self_read_script():
306
+ try:
307
+ script_path = os.path.abspath(__file__)
308
+ with open(script_path, "r") as f:
309
+ script_content = f.read()
310
+ except Exception as e:
311
+ script_content = "Error reading script content: " + str(e)
312
+ return script_content
313
+
314
+
315
+ def get_my_user(hf_token):
316
+ api = HfApi(token=hf_token)
317
+ user_info = api.whoami()
318
+ try:
319
+ username = user_info.get("name") or user_info.get("username")
320
+ except Exception as e:
321
+ typer.echo(f"Error retrieving username from Hugging Face API: {e}. Using default username.")
322
+ username = api.whoami()
323
+ if not username:
324
+ typer.echo("Could not determine your Hugging Face username from the token, defaulting to hard coded username.",
325
+ err=True)
326
+ username = "JustJaro"
327
+ return username
328
+
329
+
330
+ def generate_readme(calibration_dataset, nsamples, package_versions, quantized_model_dir,
331
+ quantized_model_name, script_content, seq_len, source_model, username, avg_ppl):
332
+ readme_content = f"""---
333
+ tags:
334
+ - gptq
335
+ - quantization
336
+ - 4bit
337
+ - confidentialmind
338
+ - text-generation
339
+ - apache2.0
340
+ - mistral-small-24b
341
+ ---
342
+ # 🔥 Quantized Model: {quantized_model_name} 🔥
343
+
344
+ This is a 4-bit quantized version of [{source_model}](https://huggingface.co/{source_model}) model, quantized by [ConfidentialMind.com](https://www.confidentialmind.com) 🤖✨
345
+ It leverages the open-source GPTQModel quantization to achieve 4-bit precision with a group size of 128 resulting in a
346
+ smaller,
347
+ faster model with minimal performance degradation.
348
+
349
+ Ran on a single NVIDIA A100 GPU with 80GB of VRAM.
350
+
351
+ *Note* `batch_size` is set quite high as the model is small, you may need to adjust this to your GPU VRAM.
352
+
353
+ ## Model Details
354
+ - **Original Model:** [{source_model}](https://huggingface.co/{source_model})
355
+ - **Quantized Model:** {quantized_model_name} (this repository)
356
+ - **Quantization Method:** GPTQ (4-bit, group size 128)
357
+ - **Quantization Library:** [GPTQModel](https://github.com/ModelCloud/GPTQModel/tree/main)
358
+ - **Calibration Dataset:** {calibration_dataset} (using {nsamples} samples with seq len {seq_len})
359
+ - **Quantized by:** [ConfidentialMind.com](https://www.confidentialmind.com)
360
+
361
+ ## Usage
362
+
363
+ ```python
364
+ from gptqmodel import GPTQModel
365
+ from transformers import AutoTokenizer
366
+
367
+ # Use the local directory or {username}/{quantized_model_name} after upload
368
+ quantized_model_id = "{quantized_model_dir}" # or "{username}/{quantized_model_name}"
369
+ tokenizer = AutoTokenizer.from_pretrained(quantized_model_id)
370
+ model = GPTQModel.load(quantized_model_id, device="cuda:0") # or "cpu"
371
+
372
+ input_text = "This is a test prompt"
373
+ inputs = tokenizer(input_text, return_tensors="pt").to("cuda:0")
374
+ outputs = model.generate(**inputs)
375
+ print(tokenizer.decode(outputs[0], skip_special_tokens=True))
376
+ ```
377
+
378
+ ## Package Versions and Installation Instructions
379
+
380
+ See pyproject.toml for the exact UV project file.
381
+
382
+ ```bash
383
+ pip install \\
384
+ gptqmodel=={package_versions.get('gptqmodel', '<version>')} \\
385
+ typer=={package_versions.get('typer', '<version>')} \\
386
+ huggingface_hub=={package_versions.get('huggingface_hub', '<version>')} \\
387
+ datasets=={package_versions.get('datasets', '<version>')} \\
388
+ transformers=={package_versions.get('transformers', '<version>')} \\
389
+ safetensors=={package_versions.get('safetensors', '<version>')} \\
390
+ torch=={package_versions.get('torch', '<version>')}
391
+
392
+ # Alternatively, use the provided pyproject.toml:
393
+
394
+ ```bash
395
+ uv venv
396
+ source venv/bin/activate
397
+ uv sync
398
+ ```
399
+
400
+ ### Environment Variables
401
+
402
+ ```bash
403
+ HF_TOKEN=<YOUR_HF_TOKEN>
404
+ TOKENIZERS_PARALLELISM="true"
405
+ PYTORCH_CUDA_ALLOC_CONF=expandable_segments:True
406
+
407
+ ## Quantization Script
408
+ Below is the exact quantize.py script used to generate this model (with the exact versions of the dependencies):
409
+
410
+ <details><summary>Show Quantization Script</summary>
411
+
412
+ ```python
413
+ {script_content}
414
+ ```
415
+
416
+ </details>
417
+
418
+ ## Quantization Performance
419
+
420
+ Average perplexity (PPL) on wikitext v2 dataset: {avg_ppl}
421
+
422
+ ## Disclaimer
423
+ This model is for research purposes only. It may inherit limitations and biases from the original model and the quantization process. Please use responsibly and refer to the original model card for more details.
424
+
425
+ ## Contact
426
+ For any questions or support, please visit [ConfidentialMind.com](https://www.confidentialmind.com) or contact us directly.
427
+
428
+ ## License
429
+ This model inherits the license from the original model. Please refer to the original model card for more details.
430
+ Original model card: {source_model}
431
+
432
+ ## Attribution
433
+ This model was quantized by [Jaro](https://www.linkedin.com/in/jaroai/)
434
+
435
+ ## Acknowledgements
436
+ Quantization performed using the GPTQModel pipeline.
437
+
438
+ TODO: Add `gptqmodel.utils.eval` integration and auto-generation of eval table.
439
+
440
+ ---
441
+ *Generated and quantized using GPTQModel.*
442
+ """
443
+ readme_path = os.path.join(quantized_model_dir, "README.md")
444
+ with open(readme_path, "w") as f:
445
+ f.write(readme_content)
446
+ typer.echo("README.md created with detailed information.")
447
+
448
+
449
+ if __name__ == "__main__":
450
+ app()
451
+ ```
452
+
453
+ </details>
454
+
455
+ ## Quantization Performance
456
+
457
+ Average perplexity (PPL) on wikitext v2 dataset: 23.63232087314638
458
+
459
+ ## Disclaimer
460
+ This model is for research purposes only. It may inherit limitations and biases from the original model and the quantization process. Please use responsibly and refer to the original model card for more details.
461
+
462
+ ## Contact
463
+ For any questions or support, please visit [ConfidentialMind.com](https://www.confidentialmind.com) or contact us directly.
464
+
465
+ ## License
466
+ This model inherits the license from the original model. Please refer to the original model card for more details.
467
+ Original model card: mistralai/Mistral-Small-24B-Instruct-2501
468
+
469
+ ## Attribution
470
+ This model was quantized by [Jaro](https://www.linkedin.com/in/jaroai/)
471
+
472
+ ## Acknowledgements
473
+ Quantization performed using the GPTQModel pipeline.
474
+
475
+ TODO: Add `gptqmodel.utils.eval` integration and auto-generation of eval table.
476
+
477
+ ---
478
+ *Generated and quantized using GPTQModel.*
config.json ADDED
@@ -0,0 +1,49 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_attn_implementation_autoset": true,
3
+ "_name_or_path": "/home/jaro/.cache/huggingface/hub/models--mistralai--Mistral-Small-24B-Instruct-2501/snapshots/20b2ed1c4e9af44b9ad125f79f713301e27737e2",
4
+ "architectures": [
5
+ "MistralForCausalLM"
6
+ ],
7
+ "attention_dropout": 0.0,
8
+ "bos_token_id": 1,
9
+ "eos_token_id": 2,
10
+ "head_dim": 128,
11
+ "hidden_act": "silu",
12
+ "hidden_size": 5120,
13
+ "initializer_range": 0.02,
14
+ "intermediate_size": 32768,
15
+ "max_position_embeddings": 32768,
16
+ "model_type": "mistral",
17
+ "num_attention_heads": 32,
18
+ "num_hidden_layers": 40,
19
+ "num_key_value_heads": 8,
20
+ "quantization_config": {
21
+ "bits": 4,
22
+ "checkpoint_format": "gptq",
23
+ "desc_act": true,
24
+ "group_size": 128,
25
+ "lm_head": false,
26
+ "meta": {
27
+ "damp_auto_increment": 0.0025,
28
+ "damp_percent": 0.015,
29
+ "mse": 0.01,
30
+ "quantizer": [
31
+ "gptqmodel:1.9.0"
32
+ ],
33
+ "static_groups": false,
34
+ "true_sequential": true,
35
+ "uri": "https://github.com/modelcloud/gptqmodel"
36
+ },
37
+ "pack_dtype": "int32",
38
+ "quant_method": "gptq",
39
+ "sym": true
40
+ },
41
+ "rms_norm_eps": 1e-05,
42
+ "rope_theta": 100000000.0,
43
+ "sliding_window": null,
44
+ "tie_word_embeddings": false,
45
+ "torch_dtype": "bfloat16",
46
+ "transformers_version": "4.48.3",
47
+ "use_cache": true,
48
+ "vocab_size": 131072
49
+ }
model-00001-of-00004.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a7f3b68d95281175014f2c2f1b38e92f524d77ccbc80e6ff6109df8c406bea2d
3
+ size 3970502008
model-00002-of-00004.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d18570a86fb2074c57737ed9f745a686573cdf6864f97e61f2992dd166a48d09
3
+ size 3931377544
model-00003-of-00004.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c43dcb640596ae407a2be24afbb87b15aed485f68288cc11b529d501624369da
3
+ size 3958826928
model-00004-of-00004.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:44cb3a456e5d474b34d6cc243de912952bbcb8ef04e0a9f7343191b9d15db8ac
3
+ size 2383688840
model.safetensors.index.json ADDED
@@ -0,0 +1,1210 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "metadata": {
3
+ "total_size": 14244259840
4
+ },
5
+ "weight_map": {
6
+ "lm_head.weight": "model-00004-of-00004.safetensors",
7
+ "model.embed_tokens.weight": "model-00001-of-00004.safetensors",
8
+ "model.layers.0.input_layernorm.weight": "model-00001-of-00004.safetensors",
9
+ "model.layers.0.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
10
+ "model.layers.0.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
11
+ "model.layers.0.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
12
+ "model.layers.0.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
13
+ "model.layers.0.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
14
+ "model.layers.0.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
15
+ "model.layers.0.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
16
+ "model.layers.0.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
17
+ "model.layers.0.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
18
+ "model.layers.0.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
19
+ "model.layers.0.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
20
+ "model.layers.0.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
21
+ "model.layers.0.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
22
+ "model.layers.0.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
23
+ "model.layers.0.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
24
+ "model.layers.0.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
25
+ "model.layers.0.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
26
+ "model.layers.0.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
27
+ "model.layers.0.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
28
+ "model.layers.0.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
29
+ "model.layers.0.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
30
+ "model.layers.0.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
31
+ "model.layers.0.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
32
+ "model.layers.0.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
33
+ "model.layers.0.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
34
+ "model.layers.0.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
35
+ "model.layers.0.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
36
+ "model.layers.0.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
37
+ "model.layers.0.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
38
+ "model.layers.1.input_layernorm.weight": "model-00001-of-00004.safetensors",
39
+ "model.layers.1.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
40
+ "model.layers.1.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
41
+ "model.layers.1.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
42
+ "model.layers.1.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
43
+ "model.layers.1.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
44
+ "model.layers.1.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
45
+ "model.layers.1.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
46
+ "model.layers.1.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
47
+ "model.layers.1.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
48
+ "model.layers.1.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
49
+ "model.layers.1.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
50
+ "model.layers.1.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
51
+ "model.layers.1.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
52
+ "model.layers.1.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
53
+ "model.layers.1.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
54
+ "model.layers.1.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
55
+ "model.layers.1.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
56
+ "model.layers.1.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
57
+ "model.layers.1.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
58
+ "model.layers.1.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
59
+ "model.layers.1.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
60
+ "model.layers.1.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
61
+ "model.layers.1.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
62
+ "model.layers.1.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
63
+ "model.layers.1.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
64
+ "model.layers.1.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
65
+ "model.layers.1.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
66
+ "model.layers.1.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
67
+ "model.layers.1.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
68
+ "model.layers.10.input_layernorm.weight": "model-00002-of-00004.safetensors",
69
+ "model.layers.10.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
70
+ "model.layers.10.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
71
+ "model.layers.10.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
72
+ "model.layers.10.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
73
+ "model.layers.10.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
74
+ "model.layers.10.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
75
+ "model.layers.10.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
76
+ "model.layers.10.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
77
+ "model.layers.10.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
78
+ "model.layers.10.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
79
+ "model.layers.10.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
80
+ "model.layers.10.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
81
+ "model.layers.10.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
82
+ "model.layers.10.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
83
+ "model.layers.10.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
84
+ "model.layers.10.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
85
+ "model.layers.10.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
86
+ "model.layers.10.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
87
+ "model.layers.10.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
88
+ "model.layers.10.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
89
+ "model.layers.10.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
90
+ "model.layers.10.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
91
+ "model.layers.10.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
92
+ "model.layers.10.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
93
+ "model.layers.10.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
94
+ "model.layers.10.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
95
+ "model.layers.10.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
96
+ "model.layers.10.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
97
+ "model.layers.10.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
98
+ "model.layers.11.input_layernorm.weight": "model-00002-of-00004.safetensors",
99
+ "model.layers.11.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
100
+ "model.layers.11.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
101
+ "model.layers.11.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
102
+ "model.layers.11.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
103
+ "model.layers.11.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
104
+ "model.layers.11.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
105
+ "model.layers.11.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
106
+ "model.layers.11.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
107
+ "model.layers.11.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
108
+ "model.layers.11.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
109
+ "model.layers.11.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
110
+ "model.layers.11.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
111
+ "model.layers.11.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
112
+ "model.layers.11.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
113
+ "model.layers.11.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
114
+ "model.layers.11.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
115
+ "model.layers.11.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
116
+ "model.layers.11.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
117
+ "model.layers.11.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
118
+ "model.layers.11.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
119
+ "model.layers.11.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
120
+ "model.layers.11.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
121
+ "model.layers.11.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
122
+ "model.layers.11.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
123
+ "model.layers.11.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
124
+ "model.layers.11.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
125
+ "model.layers.11.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
126
+ "model.layers.11.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
127
+ "model.layers.11.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
128
+ "model.layers.12.input_layernorm.weight": "model-00002-of-00004.safetensors",
129
+ "model.layers.12.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
130
+ "model.layers.12.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
131
+ "model.layers.12.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
132
+ "model.layers.12.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
133
+ "model.layers.12.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
134
+ "model.layers.12.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
135
+ "model.layers.12.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
136
+ "model.layers.12.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
137
+ "model.layers.12.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
138
+ "model.layers.12.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
139
+ "model.layers.12.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
140
+ "model.layers.12.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
141
+ "model.layers.12.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
142
+ "model.layers.12.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
143
+ "model.layers.12.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
144
+ "model.layers.12.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
145
+ "model.layers.12.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
146
+ "model.layers.12.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
147
+ "model.layers.12.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
148
+ "model.layers.12.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
149
+ "model.layers.12.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
150
+ "model.layers.12.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
151
+ "model.layers.12.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
152
+ "model.layers.12.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
153
+ "model.layers.12.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
154
+ "model.layers.12.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
155
+ "model.layers.12.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
156
+ "model.layers.12.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
157
+ "model.layers.12.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
158
+ "model.layers.13.input_layernorm.weight": "model-00002-of-00004.safetensors",
159
+ "model.layers.13.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
160
+ "model.layers.13.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
161
+ "model.layers.13.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
162
+ "model.layers.13.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
163
+ "model.layers.13.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
164
+ "model.layers.13.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
165
+ "model.layers.13.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
166
+ "model.layers.13.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
167
+ "model.layers.13.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
168
+ "model.layers.13.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
169
+ "model.layers.13.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
170
+ "model.layers.13.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
171
+ "model.layers.13.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
172
+ "model.layers.13.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
173
+ "model.layers.13.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
174
+ "model.layers.13.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
175
+ "model.layers.13.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
176
+ "model.layers.13.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
177
+ "model.layers.13.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
178
+ "model.layers.13.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
179
+ "model.layers.13.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
180
+ "model.layers.13.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
181
+ "model.layers.13.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
182
+ "model.layers.13.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
183
+ "model.layers.13.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
184
+ "model.layers.13.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
185
+ "model.layers.13.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
186
+ "model.layers.13.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
187
+ "model.layers.13.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
188
+ "model.layers.14.input_layernorm.weight": "model-00002-of-00004.safetensors",
189
+ "model.layers.14.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
190
+ "model.layers.14.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
191
+ "model.layers.14.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
192
+ "model.layers.14.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
193
+ "model.layers.14.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
194
+ "model.layers.14.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
195
+ "model.layers.14.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
196
+ "model.layers.14.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
197
+ "model.layers.14.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
198
+ "model.layers.14.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
199
+ "model.layers.14.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
200
+ "model.layers.14.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
201
+ "model.layers.14.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
202
+ "model.layers.14.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
203
+ "model.layers.14.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
204
+ "model.layers.14.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
205
+ "model.layers.14.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
206
+ "model.layers.14.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
207
+ "model.layers.14.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
208
+ "model.layers.14.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
209
+ "model.layers.14.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
210
+ "model.layers.14.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
211
+ "model.layers.14.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
212
+ "model.layers.14.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
213
+ "model.layers.14.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
214
+ "model.layers.14.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
215
+ "model.layers.14.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
216
+ "model.layers.14.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
217
+ "model.layers.14.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
218
+ "model.layers.15.input_layernorm.weight": "model-00002-of-00004.safetensors",
219
+ "model.layers.15.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
220
+ "model.layers.15.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
221
+ "model.layers.15.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
222
+ "model.layers.15.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
223
+ "model.layers.15.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
224
+ "model.layers.15.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
225
+ "model.layers.15.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
226
+ "model.layers.15.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
227
+ "model.layers.15.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
228
+ "model.layers.15.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
229
+ "model.layers.15.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
230
+ "model.layers.15.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
231
+ "model.layers.15.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
232
+ "model.layers.15.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
233
+ "model.layers.15.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
234
+ "model.layers.15.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
235
+ "model.layers.15.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
236
+ "model.layers.15.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
237
+ "model.layers.15.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
238
+ "model.layers.15.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
239
+ "model.layers.15.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
240
+ "model.layers.15.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
241
+ "model.layers.15.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
242
+ "model.layers.15.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
243
+ "model.layers.15.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
244
+ "model.layers.15.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
245
+ "model.layers.15.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
246
+ "model.layers.15.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
247
+ "model.layers.15.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
248
+ "model.layers.16.input_layernorm.weight": "model-00002-of-00004.safetensors",
249
+ "model.layers.16.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
250
+ "model.layers.16.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
251
+ "model.layers.16.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
252
+ "model.layers.16.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
253
+ "model.layers.16.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
254
+ "model.layers.16.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
255
+ "model.layers.16.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
256
+ "model.layers.16.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
257
+ "model.layers.16.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
258
+ "model.layers.16.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
259
+ "model.layers.16.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
260
+ "model.layers.16.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
261
+ "model.layers.16.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
262
+ "model.layers.16.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
263
+ "model.layers.16.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
264
+ "model.layers.16.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
265
+ "model.layers.16.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
266
+ "model.layers.16.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
267
+ "model.layers.16.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
268
+ "model.layers.16.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
269
+ "model.layers.16.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
270
+ "model.layers.16.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
271
+ "model.layers.16.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
272
+ "model.layers.16.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
273
+ "model.layers.16.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
274
+ "model.layers.16.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
275
+ "model.layers.16.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
276
+ "model.layers.16.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
277
+ "model.layers.16.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
278
+ "model.layers.17.input_layernorm.weight": "model-00002-of-00004.safetensors",
279
+ "model.layers.17.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
280
+ "model.layers.17.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
281
+ "model.layers.17.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
282
+ "model.layers.17.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
283
+ "model.layers.17.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
284
+ "model.layers.17.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
285
+ "model.layers.17.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
286
+ "model.layers.17.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
287
+ "model.layers.17.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
288
+ "model.layers.17.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
289
+ "model.layers.17.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
290
+ "model.layers.17.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
291
+ "model.layers.17.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
292
+ "model.layers.17.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
293
+ "model.layers.17.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
294
+ "model.layers.17.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
295
+ "model.layers.17.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
296
+ "model.layers.17.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
297
+ "model.layers.17.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
298
+ "model.layers.17.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
299
+ "model.layers.17.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
300
+ "model.layers.17.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
301
+ "model.layers.17.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
302
+ "model.layers.17.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
303
+ "model.layers.17.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
304
+ "model.layers.17.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
305
+ "model.layers.17.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
306
+ "model.layers.17.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
307
+ "model.layers.17.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
308
+ "model.layers.18.input_layernorm.weight": "model-00002-of-00004.safetensors",
309
+ "model.layers.18.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
310
+ "model.layers.18.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
311
+ "model.layers.18.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
312
+ "model.layers.18.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
313
+ "model.layers.18.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
314
+ "model.layers.18.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
315
+ "model.layers.18.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
316
+ "model.layers.18.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
317
+ "model.layers.18.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
318
+ "model.layers.18.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
319
+ "model.layers.18.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
320
+ "model.layers.18.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
321
+ "model.layers.18.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
322
+ "model.layers.18.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
323
+ "model.layers.18.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
324
+ "model.layers.18.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
325
+ "model.layers.18.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
326
+ "model.layers.18.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
327
+ "model.layers.18.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
328
+ "model.layers.18.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
329
+ "model.layers.18.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
330
+ "model.layers.18.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
331
+ "model.layers.18.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
332
+ "model.layers.18.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
333
+ "model.layers.18.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
334
+ "model.layers.18.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
335
+ "model.layers.18.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
336
+ "model.layers.18.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
337
+ "model.layers.18.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
338
+ "model.layers.19.input_layernorm.weight": "model-00002-of-00004.safetensors",
339
+ "model.layers.19.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
340
+ "model.layers.19.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
341
+ "model.layers.19.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
342
+ "model.layers.19.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
343
+ "model.layers.19.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
344
+ "model.layers.19.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
345
+ "model.layers.19.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
346
+ "model.layers.19.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
347
+ "model.layers.19.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
348
+ "model.layers.19.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
349
+ "model.layers.19.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
350
+ "model.layers.19.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
351
+ "model.layers.19.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
352
+ "model.layers.19.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
353
+ "model.layers.19.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
354
+ "model.layers.19.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
355
+ "model.layers.19.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
356
+ "model.layers.19.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
357
+ "model.layers.19.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
358
+ "model.layers.19.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
359
+ "model.layers.19.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
360
+ "model.layers.19.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
361
+ "model.layers.19.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
362
+ "model.layers.19.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
363
+ "model.layers.19.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
364
+ "model.layers.19.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
365
+ "model.layers.19.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
366
+ "model.layers.19.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
367
+ "model.layers.19.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
368
+ "model.layers.2.input_layernorm.weight": "model-00001-of-00004.safetensors",
369
+ "model.layers.2.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
370
+ "model.layers.2.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
371
+ "model.layers.2.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
372
+ "model.layers.2.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
373
+ "model.layers.2.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
374
+ "model.layers.2.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
375
+ "model.layers.2.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
376
+ "model.layers.2.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
377
+ "model.layers.2.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
378
+ "model.layers.2.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
379
+ "model.layers.2.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
380
+ "model.layers.2.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
381
+ "model.layers.2.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
382
+ "model.layers.2.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
383
+ "model.layers.2.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
384
+ "model.layers.2.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
385
+ "model.layers.2.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
386
+ "model.layers.2.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
387
+ "model.layers.2.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
388
+ "model.layers.2.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
389
+ "model.layers.2.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
390
+ "model.layers.2.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
391
+ "model.layers.2.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
392
+ "model.layers.2.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
393
+ "model.layers.2.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
394
+ "model.layers.2.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
395
+ "model.layers.2.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
396
+ "model.layers.2.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
397
+ "model.layers.2.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
398
+ "model.layers.20.input_layernorm.weight": "model-00002-of-00004.safetensors",
399
+ "model.layers.20.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
400
+ "model.layers.20.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
401
+ "model.layers.20.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
402
+ "model.layers.20.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
403
+ "model.layers.20.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
404
+ "model.layers.20.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
405
+ "model.layers.20.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
406
+ "model.layers.20.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
407
+ "model.layers.20.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
408
+ "model.layers.20.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
409
+ "model.layers.20.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
410
+ "model.layers.20.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
411
+ "model.layers.20.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
412
+ "model.layers.20.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
413
+ "model.layers.20.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
414
+ "model.layers.20.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
415
+ "model.layers.20.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
416
+ "model.layers.20.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
417
+ "model.layers.20.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
418
+ "model.layers.20.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
419
+ "model.layers.20.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
420
+ "model.layers.20.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
421
+ "model.layers.20.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
422
+ "model.layers.20.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
423
+ "model.layers.20.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
424
+ "model.layers.20.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
425
+ "model.layers.20.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
426
+ "model.layers.20.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
427
+ "model.layers.20.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
428
+ "model.layers.21.input_layernorm.weight": "model-00002-of-00004.safetensors",
429
+ "model.layers.21.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
430
+ "model.layers.21.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
431
+ "model.layers.21.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
432
+ "model.layers.21.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
433
+ "model.layers.21.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
434
+ "model.layers.21.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
435
+ "model.layers.21.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
436
+ "model.layers.21.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
437
+ "model.layers.21.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
438
+ "model.layers.21.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
439
+ "model.layers.21.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
440
+ "model.layers.21.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
441
+ "model.layers.21.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
442
+ "model.layers.21.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
443
+ "model.layers.21.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
444
+ "model.layers.21.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
445
+ "model.layers.21.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
446
+ "model.layers.21.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
447
+ "model.layers.21.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
448
+ "model.layers.21.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
449
+ "model.layers.21.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
450
+ "model.layers.21.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
451
+ "model.layers.21.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
452
+ "model.layers.21.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
453
+ "model.layers.21.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
454
+ "model.layers.21.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
455
+ "model.layers.21.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
456
+ "model.layers.21.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
457
+ "model.layers.21.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
458
+ "model.layers.22.input_layernorm.weight": "model-00003-of-00004.safetensors",
459
+ "model.layers.22.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
460
+ "model.layers.22.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
461
+ "model.layers.22.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
462
+ "model.layers.22.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
463
+ "model.layers.22.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
464
+ "model.layers.22.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
465
+ "model.layers.22.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
466
+ "model.layers.22.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
467
+ "model.layers.22.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
468
+ "model.layers.22.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
469
+ "model.layers.22.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
470
+ "model.layers.22.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
471
+ "model.layers.22.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
472
+ "model.layers.22.self_attn.k_proj.g_idx": "model-00002-of-00004.safetensors",
473
+ "model.layers.22.self_attn.k_proj.qweight": "model-00002-of-00004.safetensors",
474
+ "model.layers.22.self_attn.k_proj.qzeros": "model-00002-of-00004.safetensors",
475
+ "model.layers.22.self_attn.k_proj.scales": "model-00002-of-00004.safetensors",
476
+ "model.layers.22.self_attn.o_proj.g_idx": "model-00002-of-00004.safetensors",
477
+ "model.layers.22.self_attn.o_proj.qweight": "model-00002-of-00004.safetensors",
478
+ "model.layers.22.self_attn.o_proj.qzeros": "model-00002-of-00004.safetensors",
479
+ "model.layers.22.self_attn.o_proj.scales": "model-00002-of-00004.safetensors",
480
+ "model.layers.22.self_attn.q_proj.g_idx": "model-00002-of-00004.safetensors",
481
+ "model.layers.22.self_attn.q_proj.qweight": "model-00002-of-00004.safetensors",
482
+ "model.layers.22.self_attn.q_proj.qzeros": "model-00002-of-00004.safetensors",
483
+ "model.layers.22.self_attn.q_proj.scales": "model-00002-of-00004.safetensors",
484
+ "model.layers.22.self_attn.v_proj.g_idx": "model-00002-of-00004.safetensors",
485
+ "model.layers.22.self_attn.v_proj.qweight": "model-00002-of-00004.safetensors",
486
+ "model.layers.22.self_attn.v_proj.qzeros": "model-00002-of-00004.safetensors",
487
+ "model.layers.22.self_attn.v_proj.scales": "model-00002-of-00004.safetensors",
488
+ "model.layers.23.input_layernorm.weight": "model-00003-of-00004.safetensors",
489
+ "model.layers.23.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
490
+ "model.layers.23.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
491
+ "model.layers.23.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
492
+ "model.layers.23.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
493
+ "model.layers.23.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
494
+ "model.layers.23.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
495
+ "model.layers.23.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
496
+ "model.layers.23.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
497
+ "model.layers.23.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
498
+ "model.layers.23.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
499
+ "model.layers.23.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
500
+ "model.layers.23.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
501
+ "model.layers.23.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
502
+ "model.layers.23.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
503
+ "model.layers.23.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
504
+ "model.layers.23.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
505
+ "model.layers.23.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
506
+ "model.layers.23.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
507
+ "model.layers.23.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
508
+ "model.layers.23.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
509
+ "model.layers.23.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
510
+ "model.layers.23.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
511
+ "model.layers.23.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
512
+ "model.layers.23.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
513
+ "model.layers.23.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
514
+ "model.layers.23.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
515
+ "model.layers.23.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
516
+ "model.layers.23.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
517
+ "model.layers.23.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
518
+ "model.layers.24.input_layernorm.weight": "model-00003-of-00004.safetensors",
519
+ "model.layers.24.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
520
+ "model.layers.24.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
521
+ "model.layers.24.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
522
+ "model.layers.24.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
523
+ "model.layers.24.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
524
+ "model.layers.24.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
525
+ "model.layers.24.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
526
+ "model.layers.24.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
527
+ "model.layers.24.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
528
+ "model.layers.24.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
529
+ "model.layers.24.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
530
+ "model.layers.24.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
531
+ "model.layers.24.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
532
+ "model.layers.24.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
533
+ "model.layers.24.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
534
+ "model.layers.24.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
535
+ "model.layers.24.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
536
+ "model.layers.24.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
537
+ "model.layers.24.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
538
+ "model.layers.24.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
539
+ "model.layers.24.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
540
+ "model.layers.24.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
541
+ "model.layers.24.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
542
+ "model.layers.24.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
543
+ "model.layers.24.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
544
+ "model.layers.24.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
545
+ "model.layers.24.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
546
+ "model.layers.24.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
547
+ "model.layers.24.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
548
+ "model.layers.25.input_layernorm.weight": "model-00003-of-00004.safetensors",
549
+ "model.layers.25.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
550
+ "model.layers.25.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
551
+ "model.layers.25.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
552
+ "model.layers.25.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
553
+ "model.layers.25.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
554
+ "model.layers.25.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
555
+ "model.layers.25.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
556
+ "model.layers.25.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
557
+ "model.layers.25.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
558
+ "model.layers.25.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
559
+ "model.layers.25.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
560
+ "model.layers.25.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
561
+ "model.layers.25.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
562
+ "model.layers.25.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
563
+ "model.layers.25.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
564
+ "model.layers.25.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
565
+ "model.layers.25.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
566
+ "model.layers.25.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
567
+ "model.layers.25.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
568
+ "model.layers.25.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
569
+ "model.layers.25.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
570
+ "model.layers.25.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
571
+ "model.layers.25.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
572
+ "model.layers.25.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
573
+ "model.layers.25.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
574
+ "model.layers.25.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
575
+ "model.layers.25.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
576
+ "model.layers.25.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
577
+ "model.layers.25.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
578
+ "model.layers.26.input_layernorm.weight": "model-00003-of-00004.safetensors",
579
+ "model.layers.26.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
580
+ "model.layers.26.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
581
+ "model.layers.26.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
582
+ "model.layers.26.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
583
+ "model.layers.26.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
584
+ "model.layers.26.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
585
+ "model.layers.26.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
586
+ "model.layers.26.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
587
+ "model.layers.26.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
588
+ "model.layers.26.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
589
+ "model.layers.26.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
590
+ "model.layers.26.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
591
+ "model.layers.26.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
592
+ "model.layers.26.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
593
+ "model.layers.26.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
594
+ "model.layers.26.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
595
+ "model.layers.26.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
596
+ "model.layers.26.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
597
+ "model.layers.26.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
598
+ "model.layers.26.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
599
+ "model.layers.26.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
600
+ "model.layers.26.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
601
+ "model.layers.26.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
602
+ "model.layers.26.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
603
+ "model.layers.26.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
604
+ "model.layers.26.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
605
+ "model.layers.26.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
606
+ "model.layers.26.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
607
+ "model.layers.26.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
608
+ "model.layers.27.input_layernorm.weight": "model-00003-of-00004.safetensors",
609
+ "model.layers.27.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
610
+ "model.layers.27.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
611
+ "model.layers.27.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
612
+ "model.layers.27.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
613
+ "model.layers.27.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
614
+ "model.layers.27.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
615
+ "model.layers.27.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
616
+ "model.layers.27.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
617
+ "model.layers.27.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
618
+ "model.layers.27.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
619
+ "model.layers.27.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
620
+ "model.layers.27.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
621
+ "model.layers.27.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
622
+ "model.layers.27.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
623
+ "model.layers.27.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
624
+ "model.layers.27.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
625
+ "model.layers.27.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
626
+ "model.layers.27.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
627
+ "model.layers.27.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
628
+ "model.layers.27.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
629
+ "model.layers.27.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
630
+ "model.layers.27.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
631
+ "model.layers.27.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
632
+ "model.layers.27.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
633
+ "model.layers.27.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
634
+ "model.layers.27.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
635
+ "model.layers.27.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
636
+ "model.layers.27.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
637
+ "model.layers.27.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
638
+ "model.layers.28.input_layernorm.weight": "model-00003-of-00004.safetensors",
639
+ "model.layers.28.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
640
+ "model.layers.28.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
641
+ "model.layers.28.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
642
+ "model.layers.28.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
643
+ "model.layers.28.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
644
+ "model.layers.28.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
645
+ "model.layers.28.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
646
+ "model.layers.28.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
647
+ "model.layers.28.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
648
+ "model.layers.28.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
649
+ "model.layers.28.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
650
+ "model.layers.28.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
651
+ "model.layers.28.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
652
+ "model.layers.28.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
653
+ "model.layers.28.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
654
+ "model.layers.28.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
655
+ "model.layers.28.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
656
+ "model.layers.28.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
657
+ "model.layers.28.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
658
+ "model.layers.28.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
659
+ "model.layers.28.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
660
+ "model.layers.28.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
661
+ "model.layers.28.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
662
+ "model.layers.28.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
663
+ "model.layers.28.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
664
+ "model.layers.28.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
665
+ "model.layers.28.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
666
+ "model.layers.28.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
667
+ "model.layers.28.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
668
+ "model.layers.29.input_layernorm.weight": "model-00003-of-00004.safetensors",
669
+ "model.layers.29.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
670
+ "model.layers.29.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
671
+ "model.layers.29.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
672
+ "model.layers.29.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
673
+ "model.layers.29.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
674
+ "model.layers.29.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
675
+ "model.layers.29.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
676
+ "model.layers.29.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
677
+ "model.layers.29.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
678
+ "model.layers.29.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
679
+ "model.layers.29.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
680
+ "model.layers.29.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
681
+ "model.layers.29.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
682
+ "model.layers.29.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
683
+ "model.layers.29.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
684
+ "model.layers.29.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
685
+ "model.layers.29.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
686
+ "model.layers.29.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
687
+ "model.layers.29.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
688
+ "model.layers.29.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
689
+ "model.layers.29.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
690
+ "model.layers.29.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
691
+ "model.layers.29.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
692
+ "model.layers.29.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
693
+ "model.layers.29.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
694
+ "model.layers.29.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
695
+ "model.layers.29.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
696
+ "model.layers.29.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
697
+ "model.layers.29.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
698
+ "model.layers.3.input_layernorm.weight": "model-00001-of-00004.safetensors",
699
+ "model.layers.3.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
700
+ "model.layers.3.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
701
+ "model.layers.3.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
702
+ "model.layers.3.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
703
+ "model.layers.3.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
704
+ "model.layers.3.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
705
+ "model.layers.3.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
706
+ "model.layers.3.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
707
+ "model.layers.3.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
708
+ "model.layers.3.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
709
+ "model.layers.3.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
710
+ "model.layers.3.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
711
+ "model.layers.3.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
712
+ "model.layers.3.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
713
+ "model.layers.3.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
714
+ "model.layers.3.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
715
+ "model.layers.3.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
716
+ "model.layers.3.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
717
+ "model.layers.3.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
718
+ "model.layers.3.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
719
+ "model.layers.3.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
720
+ "model.layers.3.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
721
+ "model.layers.3.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
722
+ "model.layers.3.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
723
+ "model.layers.3.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
724
+ "model.layers.3.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
725
+ "model.layers.3.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
726
+ "model.layers.3.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
727
+ "model.layers.3.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
728
+ "model.layers.30.input_layernorm.weight": "model-00003-of-00004.safetensors",
729
+ "model.layers.30.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
730
+ "model.layers.30.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
731
+ "model.layers.30.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
732
+ "model.layers.30.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
733
+ "model.layers.30.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
734
+ "model.layers.30.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
735
+ "model.layers.30.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
736
+ "model.layers.30.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
737
+ "model.layers.30.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
738
+ "model.layers.30.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
739
+ "model.layers.30.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
740
+ "model.layers.30.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
741
+ "model.layers.30.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
742
+ "model.layers.30.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
743
+ "model.layers.30.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
744
+ "model.layers.30.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
745
+ "model.layers.30.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
746
+ "model.layers.30.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
747
+ "model.layers.30.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
748
+ "model.layers.30.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
749
+ "model.layers.30.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
750
+ "model.layers.30.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
751
+ "model.layers.30.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
752
+ "model.layers.30.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
753
+ "model.layers.30.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
754
+ "model.layers.30.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
755
+ "model.layers.30.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
756
+ "model.layers.30.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
757
+ "model.layers.30.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
758
+ "model.layers.31.input_layernorm.weight": "model-00003-of-00004.safetensors",
759
+ "model.layers.31.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
760
+ "model.layers.31.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
761
+ "model.layers.31.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
762
+ "model.layers.31.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
763
+ "model.layers.31.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
764
+ "model.layers.31.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
765
+ "model.layers.31.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
766
+ "model.layers.31.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
767
+ "model.layers.31.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
768
+ "model.layers.31.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
769
+ "model.layers.31.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
770
+ "model.layers.31.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
771
+ "model.layers.31.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
772
+ "model.layers.31.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
773
+ "model.layers.31.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
774
+ "model.layers.31.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
775
+ "model.layers.31.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
776
+ "model.layers.31.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
777
+ "model.layers.31.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
778
+ "model.layers.31.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
779
+ "model.layers.31.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
780
+ "model.layers.31.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
781
+ "model.layers.31.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
782
+ "model.layers.31.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
783
+ "model.layers.31.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
784
+ "model.layers.31.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
785
+ "model.layers.31.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
786
+ "model.layers.31.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
787
+ "model.layers.31.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
788
+ "model.layers.32.input_layernorm.weight": "model-00003-of-00004.safetensors",
789
+ "model.layers.32.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
790
+ "model.layers.32.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
791
+ "model.layers.32.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
792
+ "model.layers.32.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
793
+ "model.layers.32.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
794
+ "model.layers.32.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
795
+ "model.layers.32.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
796
+ "model.layers.32.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
797
+ "model.layers.32.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
798
+ "model.layers.32.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
799
+ "model.layers.32.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
800
+ "model.layers.32.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
801
+ "model.layers.32.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
802
+ "model.layers.32.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
803
+ "model.layers.32.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
804
+ "model.layers.32.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
805
+ "model.layers.32.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
806
+ "model.layers.32.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
807
+ "model.layers.32.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
808
+ "model.layers.32.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
809
+ "model.layers.32.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
810
+ "model.layers.32.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
811
+ "model.layers.32.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
812
+ "model.layers.32.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
813
+ "model.layers.32.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
814
+ "model.layers.32.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
815
+ "model.layers.32.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
816
+ "model.layers.32.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
817
+ "model.layers.32.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
818
+ "model.layers.33.input_layernorm.weight": "model-00003-of-00004.safetensors",
819
+ "model.layers.33.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
820
+ "model.layers.33.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
821
+ "model.layers.33.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
822
+ "model.layers.33.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
823
+ "model.layers.33.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
824
+ "model.layers.33.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
825
+ "model.layers.33.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
826
+ "model.layers.33.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
827
+ "model.layers.33.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
828
+ "model.layers.33.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
829
+ "model.layers.33.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
830
+ "model.layers.33.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
831
+ "model.layers.33.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
832
+ "model.layers.33.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
833
+ "model.layers.33.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
834
+ "model.layers.33.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
835
+ "model.layers.33.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
836
+ "model.layers.33.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
837
+ "model.layers.33.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
838
+ "model.layers.33.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
839
+ "model.layers.33.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
840
+ "model.layers.33.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
841
+ "model.layers.33.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
842
+ "model.layers.33.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
843
+ "model.layers.33.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
844
+ "model.layers.33.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
845
+ "model.layers.33.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
846
+ "model.layers.33.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
847
+ "model.layers.33.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
848
+ "model.layers.34.input_layernorm.weight": "model-00003-of-00004.safetensors",
849
+ "model.layers.34.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
850
+ "model.layers.34.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
851
+ "model.layers.34.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
852
+ "model.layers.34.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
853
+ "model.layers.34.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
854
+ "model.layers.34.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
855
+ "model.layers.34.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
856
+ "model.layers.34.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
857
+ "model.layers.34.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
858
+ "model.layers.34.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
859
+ "model.layers.34.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
860
+ "model.layers.34.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
861
+ "model.layers.34.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
862
+ "model.layers.34.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
863
+ "model.layers.34.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
864
+ "model.layers.34.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
865
+ "model.layers.34.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
866
+ "model.layers.34.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
867
+ "model.layers.34.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
868
+ "model.layers.34.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
869
+ "model.layers.34.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
870
+ "model.layers.34.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
871
+ "model.layers.34.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
872
+ "model.layers.34.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
873
+ "model.layers.34.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
874
+ "model.layers.34.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
875
+ "model.layers.34.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
876
+ "model.layers.34.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
877
+ "model.layers.34.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
878
+ "model.layers.35.input_layernorm.weight": "model-00003-of-00004.safetensors",
879
+ "model.layers.35.mlp.down_proj.g_idx": "model-00003-of-00004.safetensors",
880
+ "model.layers.35.mlp.down_proj.qweight": "model-00003-of-00004.safetensors",
881
+ "model.layers.35.mlp.down_proj.qzeros": "model-00003-of-00004.safetensors",
882
+ "model.layers.35.mlp.down_proj.scales": "model-00003-of-00004.safetensors",
883
+ "model.layers.35.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
884
+ "model.layers.35.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
885
+ "model.layers.35.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
886
+ "model.layers.35.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
887
+ "model.layers.35.mlp.up_proj.g_idx": "model-00003-of-00004.safetensors",
888
+ "model.layers.35.mlp.up_proj.qweight": "model-00003-of-00004.safetensors",
889
+ "model.layers.35.mlp.up_proj.qzeros": "model-00003-of-00004.safetensors",
890
+ "model.layers.35.mlp.up_proj.scales": "model-00003-of-00004.safetensors",
891
+ "model.layers.35.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
892
+ "model.layers.35.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
893
+ "model.layers.35.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
894
+ "model.layers.35.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
895
+ "model.layers.35.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
896
+ "model.layers.35.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
897
+ "model.layers.35.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
898
+ "model.layers.35.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
899
+ "model.layers.35.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
900
+ "model.layers.35.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
901
+ "model.layers.35.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
902
+ "model.layers.35.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
903
+ "model.layers.35.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
904
+ "model.layers.35.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
905
+ "model.layers.35.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
906
+ "model.layers.35.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
907
+ "model.layers.35.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
908
+ "model.layers.36.input_layernorm.weight": "model-00004-of-00004.safetensors",
909
+ "model.layers.36.mlp.down_proj.g_idx": "model-00004-of-00004.safetensors",
910
+ "model.layers.36.mlp.down_proj.qweight": "model-00004-of-00004.safetensors",
911
+ "model.layers.36.mlp.down_proj.qzeros": "model-00004-of-00004.safetensors",
912
+ "model.layers.36.mlp.down_proj.scales": "model-00004-of-00004.safetensors",
913
+ "model.layers.36.mlp.gate_proj.g_idx": "model-00003-of-00004.safetensors",
914
+ "model.layers.36.mlp.gate_proj.qweight": "model-00003-of-00004.safetensors",
915
+ "model.layers.36.mlp.gate_proj.qzeros": "model-00003-of-00004.safetensors",
916
+ "model.layers.36.mlp.gate_proj.scales": "model-00003-of-00004.safetensors",
917
+ "model.layers.36.mlp.up_proj.g_idx": "model-00004-of-00004.safetensors",
918
+ "model.layers.36.mlp.up_proj.qweight": "model-00004-of-00004.safetensors",
919
+ "model.layers.36.mlp.up_proj.qzeros": "model-00004-of-00004.safetensors",
920
+ "model.layers.36.mlp.up_proj.scales": "model-00004-of-00004.safetensors",
921
+ "model.layers.36.post_attention_layernorm.weight": "model-00004-of-00004.safetensors",
922
+ "model.layers.36.self_attn.k_proj.g_idx": "model-00003-of-00004.safetensors",
923
+ "model.layers.36.self_attn.k_proj.qweight": "model-00003-of-00004.safetensors",
924
+ "model.layers.36.self_attn.k_proj.qzeros": "model-00003-of-00004.safetensors",
925
+ "model.layers.36.self_attn.k_proj.scales": "model-00003-of-00004.safetensors",
926
+ "model.layers.36.self_attn.o_proj.g_idx": "model-00003-of-00004.safetensors",
927
+ "model.layers.36.self_attn.o_proj.qweight": "model-00003-of-00004.safetensors",
928
+ "model.layers.36.self_attn.o_proj.qzeros": "model-00003-of-00004.safetensors",
929
+ "model.layers.36.self_attn.o_proj.scales": "model-00003-of-00004.safetensors",
930
+ "model.layers.36.self_attn.q_proj.g_idx": "model-00003-of-00004.safetensors",
931
+ "model.layers.36.self_attn.q_proj.qweight": "model-00003-of-00004.safetensors",
932
+ "model.layers.36.self_attn.q_proj.qzeros": "model-00003-of-00004.safetensors",
933
+ "model.layers.36.self_attn.q_proj.scales": "model-00003-of-00004.safetensors",
934
+ "model.layers.36.self_attn.v_proj.g_idx": "model-00003-of-00004.safetensors",
935
+ "model.layers.36.self_attn.v_proj.qweight": "model-00003-of-00004.safetensors",
936
+ "model.layers.36.self_attn.v_proj.qzeros": "model-00003-of-00004.safetensors",
937
+ "model.layers.36.self_attn.v_proj.scales": "model-00003-of-00004.safetensors",
938
+ "model.layers.37.input_layernorm.weight": "model-00004-of-00004.safetensors",
939
+ "model.layers.37.mlp.down_proj.g_idx": "model-00004-of-00004.safetensors",
940
+ "model.layers.37.mlp.down_proj.qweight": "model-00004-of-00004.safetensors",
941
+ "model.layers.37.mlp.down_proj.qzeros": "model-00004-of-00004.safetensors",
942
+ "model.layers.37.mlp.down_proj.scales": "model-00004-of-00004.safetensors",
943
+ "model.layers.37.mlp.gate_proj.g_idx": "model-00004-of-00004.safetensors",
944
+ "model.layers.37.mlp.gate_proj.qweight": "model-00004-of-00004.safetensors",
945
+ "model.layers.37.mlp.gate_proj.qzeros": "model-00004-of-00004.safetensors",
946
+ "model.layers.37.mlp.gate_proj.scales": "model-00004-of-00004.safetensors",
947
+ "model.layers.37.mlp.up_proj.g_idx": "model-00004-of-00004.safetensors",
948
+ "model.layers.37.mlp.up_proj.qweight": "model-00004-of-00004.safetensors",
949
+ "model.layers.37.mlp.up_proj.qzeros": "model-00004-of-00004.safetensors",
950
+ "model.layers.37.mlp.up_proj.scales": "model-00004-of-00004.safetensors",
951
+ "model.layers.37.post_attention_layernorm.weight": "model-00004-of-00004.safetensors",
952
+ "model.layers.37.self_attn.k_proj.g_idx": "model-00004-of-00004.safetensors",
953
+ "model.layers.37.self_attn.k_proj.qweight": "model-00004-of-00004.safetensors",
954
+ "model.layers.37.self_attn.k_proj.qzeros": "model-00004-of-00004.safetensors",
955
+ "model.layers.37.self_attn.k_proj.scales": "model-00004-of-00004.safetensors",
956
+ "model.layers.37.self_attn.o_proj.g_idx": "model-00004-of-00004.safetensors",
957
+ "model.layers.37.self_attn.o_proj.qweight": "model-00004-of-00004.safetensors",
958
+ "model.layers.37.self_attn.o_proj.qzeros": "model-00004-of-00004.safetensors",
959
+ "model.layers.37.self_attn.o_proj.scales": "model-00004-of-00004.safetensors",
960
+ "model.layers.37.self_attn.q_proj.g_idx": "model-00004-of-00004.safetensors",
961
+ "model.layers.37.self_attn.q_proj.qweight": "model-00004-of-00004.safetensors",
962
+ "model.layers.37.self_attn.q_proj.qzeros": "model-00004-of-00004.safetensors",
963
+ "model.layers.37.self_attn.q_proj.scales": "model-00004-of-00004.safetensors",
964
+ "model.layers.37.self_attn.v_proj.g_idx": "model-00004-of-00004.safetensors",
965
+ "model.layers.37.self_attn.v_proj.qweight": "model-00004-of-00004.safetensors",
966
+ "model.layers.37.self_attn.v_proj.qzeros": "model-00004-of-00004.safetensors",
967
+ "model.layers.37.self_attn.v_proj.scales": "model-00004-of-00004.safetensors",
968
+ "model.layers.38.input_layernorm.weight": "model-00004-of-00004.safetensors",
969
+ "model.layers.38.mlp.down_proj.g_idx": "model-00004-of-00004.safetensors",
970
+ "model.layers.38.mlp.down_proj.qweight": "model-00004-of-00004.safetensors",
971
+ "model.layers.38.mlp.down_proj.qzeros": "model-00004-of-00004.safetensors",
972
+ "model.layers.38.mlp.down_proj.scales": "model-00004-of-00004.safetensors",
973
+ "model.layers.38.mlp.gate_proj.g_idx": "model-00004-of-00004.safetensors",
974
+ "model.layers.38.mlp.gate_proj.qweight": "model-00004-of-00004.safetensors",
975
+ "model.layers.38.mlp.gate_proj.qzeros": "model-00004-of-00004.safetensors",
976
+ "model.layers.38.mlp.gate_proj.scales": "model-00004-of-00004.safetensors",
977
+ "model.layers.38.mlp.up_proj.g_idx": "model-00004-of-00004.safetensors",
978
+ "model.layers.38.mlp.up_proj.qweight": "model-00004-of-00004.safetensors",
979
+ "model.layers.38.mlp.up_proj.qzeros": "model-00004-of-00004.safetensors",
980
+ "model.layers.38.mlp.up_proj.scales": "model-00004-of-00004.safetensors",
981
+ "model.layers.38.post_attention_layernorm.weight": "model-00004-of-00004.safetensors",
982
+ "model.layers.38.self_attn.k_proj.g_idx": "model-00004-of-00004.safetensors",
983
+ "model.layers.38.self_attn.k_proj.qweight": "model-00004-of-00004.safetensors",
984
+ "model.layers.38.self_attn.k_proj.qzeros": "model-00004-of-00004.safetensors",
985
+ "model.layers.38.self_attn.k_proj.scales": "model-00004-of-00004.safetensors",
986
+ "model.layers.38.self_attn.o_proj.g_idx": "model-00004-of-00004.safetensors",
987
+ "model.layers.38.self_attn.o_proj.qweight": "model-00004-of-00004.safetensors",
988
+ "model.layers.38.self_attn.o_proj.qzeros": "model-00004-of-00004.safetensors",
989
+ "model.layers.38.self_attn.o_proj.scales": "model-00004-of-00004.safetensors",
990
+ "model.layers.38.self_attn.q_proj.g_idx": "model-00004-of-00004.safetensors",
991
+ "model.layers.38.self_attn.q_proj.qweight": "model-00004-of-00004.safetensors",
992
+ "model.layers.38.self_attn.q_proj.qzeros": "model-00004-of-00004.safetensors",
993
+ "model.layers.38.self_attn.q_proj.scales": "model-00004-of-00004.safetensors",
994
+ "model.layers.38.self_attn.v_proj.g_idx": "model-00004-of-00004.safetensors",
995
+ "model.layers.38.self_attn.v_proj.qweight": "model-00004-of-00004.safetensors",
996
+ "model.layers.38.self_attn.v_proj.qzeros": "model-00004-of-00004.safetensors",
997
+ "model.layers.38.self_attn.v_proj.scales": "model-00004-of-00004.safetensors",
998
+ "model.layers.39.input_layernorm.weight": "model-00004-of-00004.safetensors",
999
+ "model.layers.39.mlp.down_proj.g_idx": "model-00004-of-00004.safetensors",
1000
+ "model.layers.39.mlp.down_proj.qweight": "model-00004-of-00004.safetensors",
1001
+ "model.layers.39.mlp.down_proj.qzeros": "model-00004-of-00004.safetensors",
1002
+ "model.layers.39.mlp.down_proj.scales": "model-00004-of-00004.safetensors",
1003
+ "model.layers.39.mlp.gate_proj.g_idx": "model-00004-of-00004.safetensors",
1004
+ "model.layers.39.mlp.gate_proj.qweight": "model-00004-of-00004.safetensors",
1005
+ "model.layers.39.mlp.gate_proj.qzeros": "model-00004-of-00004.safetensors",
1006
+ "model.layers.39.mlp.gate_proj.scales": "model-00004-of-00004.safetensors",
1007
+ "model.layers.39.mlp.up_proj.g_idx": "model-00004-of-00004.safetensors",
1008
+ "model.layers.39.mlp.up_proj.qweight": "model-00004-of-00004.safetensors",
1009
+ "model.layers.39.mlp.up_proj.qzeros": "model-00004-of-00004.safetensors",
1010
+ "model.layers.39.mlp.up_proj.scales": "model-00004-of-00004.safetensors",
1011
+ "model.layers.39.post_attention_layernorm.weight": "model-00004-of-00004.safetensors",
1012
+ "model.layers.39.self_attn.k_proj.g_idx": "model-00004-of-00004.safetensors",
1013
+ "model.layers.39.self_attn.k_proj.qweight": "model-00004-of-00004.safetensors",
1014
+ "model.layers.39.self_attn.k_proj.qzeros": "model-00004-of-00004.safetensors",
1015
+ "model.layers.39.self_attn.k_proj.scales": "model-00004-of-00004.safetensors",
1016
+ "model.layers.39.self_attn.o_proj.g_idx": "model-00004-of-00004.safetensors",
1017
+ "model.layers.39.self_attn.o_proj.qweight": "model-00004-of-00004.safetensors",
1018
+ "model.layers.39.self_attn.o_proj.qzeros": "model-00004-of-00004.safetensors",
1019
+ "model.layers.39.self_attn.o_proj.scales": "model-00004-of-00004.safetensors",
1020
+ "model.layers.39.self_attn.q_proj.g_idx": "model-00004-of-00004.safetensors",
1021
+ "model.layers.39.self_attn.q_proj.qweight": "model-00004-of-00004.safetensors",
1022
+ "model.layers.39.self_attn.q_proj.qzeros": "model-00004-of-00004.safetensors",
1023
+ "model.layers.39.self_attn.q_proj.scales": "model-00004-of-00004.safetensors",
1024
+ "model.layers.39.self_attn.v_proj.g_idx": "model-00004-of-00004.safetensors",
1025
+ "model.layers.39.self_attn.v_proj.qweight": "model-00004-of-00004.safetensors",
1026
+ "model.layers.39.self_attn.v_proj.qzeros": "model-00004-of-00004.safetensors",
1027
+ "model.layers.39.self_attn.v_proj.scales": "model-00004-of-00004.safetensors",
1028
+ "model.layers.4.input_layernorm.weight": "model-00001-of-00004.safetensors",
1029
+ "model.layers.4.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
1030
+ "model.layers.4.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
1031
+ "model.layers.4.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
1032
+ "model.layers.4.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
1033
+ "model.layers.4.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
1034
+ "model.layers.4.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
1035
+ "model.layers.4.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
1036
+ "model.layers.4.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
1037
+ "model.layers.4.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
1038
+ "model.layers.4.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
1039
+ "model.layers.4.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
1040
+ "model.layers.4.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
1041
+ "model.layers.4.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
1042
+ "model.layers.4.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
1043
+ "model.layers.4.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
1044
+ "model.layers.4.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
1045
+ "model.layers.4.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
1046
+ "model.layers.4.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
1047
+ "model.layers.4.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
1048
+ "model.layers.4.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
1049
+ "model.layers.4.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
1050
+ "model.layers.4.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
1051
+ "model.layers.4.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
1052
+ "model.layers.4.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
1053
+ "model.layers.4.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
1054
+ "model.layers.4.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
1055
+ "model.layers.4.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
1056
+ "model.layers.4.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
1057
+ "model.layers.4.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
1058
+ "model.layers.5.input_layernorm.weight": "model-00001-of-00004.safetensors",
1059
+ "model.layers.5.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
1060
+ "model.layers.5.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
1061
+ "model.layers.5.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
1062
+ "model.layers.5.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
1063
+ "model.layers.5.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
1064
+ "model.layers.5.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
1065
+ "model.layers.5.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
1066
+ "model.layers.5.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
1067
+ "model.layers.5.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
1068
+ "model.layers.5.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
1069
+ "model.layers.5.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
1070
+ "model.layers.5.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
1071
+ "model.layers.5.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
1072
+ "model.layers.5.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
1073
+ "model.layers.5.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
1074
+ "model.layers.5.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
1075
+ "model.layers.5.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
1076
+ "model.layers.5.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
1077
+ "model.layers.5.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
1078
+ "model.layers.5.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
1079
+ "model.layers.5.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
1080
+ "model.layers.5.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
1081
+ "model.layers.5.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
1082
+ "model.layers.5.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
1083
+ "model.layers.5.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
1084
+ "model.layers.5.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
1085
+ "model.layers.5.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
1086
+ "model.layers.5.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
1087
+ "model.layers.5.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
1088
+ "model.layers.6.input_layernorm.weight": "model-00001-of-00004.safetensors",
1089
+ "model.layers.6.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
1090
+ "model.layers.6.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
1091
+ "model.layers.6.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
1092
+ "model.layers.6.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
1093
+ "model.layers.6.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
1094
+ "model.layers.6.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
1095
+ "model.layers.6.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
1096
+ "model.layers.6.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
1097
+ "model.layers.6.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
1098
+ "model.layers.6.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
1099
+ "model.layers.6.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
1100
+ "model.layers.6.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
1101
+ "model.layers.6.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
1102
+ "model.layers.6.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
1103
+ "model.layers.6.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
1104
+ "model.layers.6.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
1105
+ "model.layers.6.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
1106
+ "model.layers.6.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
1107
+ "model.layers.6.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
1108
+ "model.layers.6.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
1109
+ "model.layers.6.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
1110
+ "model.layers.6.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
1111
+ "model.layers.6.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
1112
+ "model.layers.6.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
1113
+ "model.layers.6.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
1114
+ "model.layers.6.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
1115
+ "model.layers.6.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
1116
+ "model.layers.6.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
1117
+ "model.layers.6.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
1118
+ "model.layers.7.input_layernorm.weight": "model-00001-of-00004.safetensors",
1119
+ "model.layers.7.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
1120
+ "model.layers.7.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
1121
+ "model.layers.7.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
1122
+ "model.layers.7.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
1123
+ "model.layers.7.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
1124
+ "model.layers.7.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
1125
+ "model.layers.7.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
1126
+ "model.layers.7.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
1127
+ "model.layers.7.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
1128
+ "model.layers.7.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
1129
+ "model.layers.7.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
1130
+ "model.layers.7.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
1131
+ "model.layers.7.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
1132
+ "model.layers.7.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
1133
+ "model.layers.7.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
1134
+ "model.layers.7.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
1135
+ "model.layers.7.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
1136
+ "model.layers.7.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
1137
+ "model.layers.7.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
1138
+ "model.layers.7.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
1139
+ "model.layers.7.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
1140
+ "model.layers.7.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
1141
+ "model.layers.7.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
1142
+ "model.layers.7.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
1143
+ "model.layers.7.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
1144
+ "model.layers.7.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
1145
+ "model.layers.7.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
1146
+ "model.layers.7.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
1147
+ "model.layers.7.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
1148
+ "model.layers.8.input_layernorm.weight": "model-00001-of-00004.safetensors",
1149
+ "model.layers.8.mlp.down_proj.g_idx": "model-00001-of-00004.safetensors",
1150
+ "model.layers.8.mlp.down_proj.qweight": "model-00001-of-00004.safetensors",
1151
+ "model.layers.8.mlp.down_proj.qzeros": "model-00001-of-00004.safetensors",
1152
+ "model.layers.8.mlp.down_proj.scales": "model-00001-of-00004.safetensors",
1153
+ "model.layers.8.mlp.gate_proj.g_idx": "model-00001-of-00004.safetensors",
1154
+ "model.layers.8.mlp.gate_proj.qweight": "model-00001-of-00004.safetensors",
1155
+ "model.layers.8.mlp.gate_proj.qzeros": "model-00001-of-00004.safetensors",
1156
+ "model.layers.8.mlp.gate_proj.scales": "model-00001-of-00004.safetensors",
1157
+ "model.layers.8.mlp.up_proj.g_idx": "model-00001-of-00004.safetensors",
1158
+ "model.layers.8.mlp.up_proj.qweight": "model-00001-of-00004.safetensors",
1159
+ "model.layers.8.mlp.up_proj.qzeros": "model-00001-of-00004.safetensors",
1160
+ "model.layers.8.mlp.up_proj.scales": "model-00001-of-00004.safetensors",
1161
+ "model.layers.8.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
1162
+ "model.layers.8.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
1163
+ "model.layers.8.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
1164
+ "model.layers.8.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
1165
+ "model.layers.8.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
1166
+ "model.layers.8.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
1167
+ "model.layers.8.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
1168
+ "model.layers.8.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
1169
+ "model.layers.8.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
1170
+ "model.layers.8.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
1171
+ "model.layers.8.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
1172
+ "model.layers.8.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
1173
+ "model.layers.8.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
1174
+ "model.layers.8.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
1175
+ "model.layers.8.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
1176
+ "model.layers.8.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
1177
+ "model.layers.8.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
1178
+ "model.layers.9.input_layernorm.weight": "model-00002-of-00004.safetensors",
1179
+ "model.layers.9.mlp.down_proj.g_idx": "model-00002-of-00004.safetensors",
1180
+ "model.layers.9.mlp.down_proj.qweight": "model-00002-of-00004.safetensors",
1181
+ "model.layers.9.mlp.down_proj.qzeros": "model-00002-of-00004.safetensors",
1182
+ "model.layers.9.mlp.down_proj.scales": "model-00002-of-00004.safetensors",
1183
+ "model.layers.9.mlp.gate_proj.g_idx": "model-00002-of-00004.safetensors",
1184
+ "model.layers.9.mlp.gate_proj.qweight": "model-00002-of-00004.safetensors",
1185
+ "model.layers.9.mlp.gate_proj.qzeros": "model-00002-of-00004.safetensors",
1186
+ "model.layers.9.mlp.gate_proj.scales": "model-00002-of-00004.safetensors",
1187
+ "model.layers.9.mlp.up_proj.g_idx": "model-00002-of-00004.safetensors",
1188
+ "model.layers.9.mlp.up_proj.qweight": "model-00002-of-00004.safetensors",
1189
+ "model.layers.9.mlp.up_proj.qzeros": "model-00002-of-00004.safetensors",
1190
+ "model.layers.9.mlp.up_proj.scales": "model-00002-of-00004.safetensors",
1191
+ "model.layers.9.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
1192
+ "model.layers.9.self_attn.k_proj.g_idx": "model-00001-of-00004.safetensors",
1193
+ "model.layers.9.self_attn.k_proj.qweight": "model-00001-of-00004.safetensors",
1194
+ "model.layers.9.self_attn.k_proj.qzeros": "model-00001-of-00004.safetensors",
1195
+ "model.layers.9.self_attn.k_proj.scales": "model-00001-of-00004.safetensors",
1196
+ "model.layers.9.self_attn.o_proj.g_idx": "model-00001-of-00004.safetensors",
1197
+ "model.layers.9.self_attn.o_proj.qweight": "model-00001-of-00004.safetensors",
1198
+ "model.layers.9.self_attn.o_proj.qzeros": "model-00001-of-00004.safetensors",
1199
+ "model.layers.9.self_attn.o_proj.scales": "model-00001-of-00004.safetensors",
1200
+ "model.layers.9.self_attn.q_proj.g_idx": "model-00001-of-00004.safetensors",
1201
+ "model.layers.9.self_attn.q_proj.qweight": "model-00001-of-00004.safetensors",
1202
+ "model.layers.9.self_attn.q_proj.qzeros": "model-00001-of-00004.safetensors",
1203
+ "model.layers.9.self_attn.q_proj.scales": "model-00001-of-00004.safetensors",
1204
+ "model.layers.9.self_attn.v_proj.g_idx": "model-00001-of-00004.safetensors",
1205
+ "model.layers.9.self_attn.v_proj.qweight": "model-00001-of-00004.safetensors",
1206
+ "model.layers.9.self_attn.v_proj.qzeros": "model-00001-of-00004.safetensors",
1207
+ "model.layers.9.self_attn.v_proj.scales": "model-00001-of-00004.safetensors",
1208
+ "model.norm.weight": "model-00004-of-00004.safetensors"
1209
+ }
1210
+ }
pyproject.toml ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ cat pyproject.toml
2
+ [build-system]
3
+ requires = ["uv", "setuptools>=61.0", "wheel"] # uv for uv-aware builds, setuptools for packaging
4
+ build-backend = "setuptools.build_meta"
5
+
6
+ [project]
7
+ name = "cquantize"
8
+ version = "0.1.0"
9
+ description = "Quantization script module for confidentialmind-graph project for 4bit GPTQ quantizations (so far)"
10
+ readme = "README.md"
11
+ requires-python = ">=3.11,<=3.13.10" # 3.13.8 is used in the main project
12
+
13
+ dependencies = [
14
+ "python-dotenv>=1.0.1",
15
+ "gptqmodel>=1.9.0",
16
+ "threadpoolctl>=3.5.0",
17
+ "tokenicer>=0.0.2",
18
+ "device-smi>=0.3.3",
19
+ "pillow>=11.1.0",
20
+ "torch>=2.6.0",
21
+ "accelerate>=1.3.0",
22
+ "safetensors>=0.5.2",
23
+ "transformers>=4.48.3",
24
+ "datasets>=3.3.0",
25
+ "huggingface-hub>=0.28.1",
26
+ "typer>=0.15.1",
27
+ ]
28
+
29
+ [tool.setuptools.package-data]
30
+ quantize = ["README.md", "*.py"] # Include README and Python files if packaged
quant_log.csv ADDED
@@ -0,0 +1,281 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ layer,module,loss,damp,time
2
+ 0,self_attn.k_proj,4.35013,0.01500,5.796
3
+ 0,self_attn.v_proj,0.01878,0.01500,3.952
4
+ 0,self_attn.q_proj,9.39139,0.01500,4.144
5
+ 0,self_attn.o_proj,0.00107,0.01500,4.251
6
+ 0,mlp.up_proj,3.44379,0.01500,6.893
7
+ 0,mlp.gate_proj,3.71144,0.01500,5.608
8
+ 0,mlp.down_proj,0.00267,0.01500,48.588
9
+ 1,self_attn.k_proj,29.64296,0.01500,5.442
10
+ 1,self_attn.v_proj,0.29023,0.01500,3.862
11
+ 1,self_attn.q_proj,32.81706,0.01500,4.049
12
+ 1,self_attn.o_proj,0.00473,0.01500,4.184
13
+ 1,mlp.up_proj,10.46320,0.01500,6.873
14
+ 1,mlp.gate_proj,11.52195,0.01500,5.558
15
+ 1,mlp.down_proj,0.00605,0.01500,47.599
16
+ 2,self_attn.k_proj,27.76187,0.01500,5.300
17
+ 2,self_attn.v_proj,0.46129,0.01500,3.722
18
+ 2,self_attn.q_proj,25.52964,0.01500,3.899
19
+ 2,self_attn.o_proj,0.01180,0.01500,4.072
20
+ 2,mlp.up_proj,23.40275,0.01500,6.705
21
+ 2,mlp.gate_proj,25.72694,0.01500,5.453
22
+ 2,mlp.down_proj,0.10461,0.01650,48.469
23
+ 3,self_attn.k_proj,23.46399,0.01500,5.300
24
+ 3,self_attn.v_proj,1.97829,0.01500,3.698
25
+ 3,self_attn.q_proj,44.69431,0.01500,3.907
26
+ 3,self_attn.o_proj,0.01513,0.01500,4.079
27
+ 3,mlp.up_proj,34.65149,0.01500,6.713
28
+ 3,mlp.gate_proj,39.73456,0.01500,5.435
29
+ 3,mlp.down_proj,0.02708,0.01500,47.462
30
+ 4,self_attn.k_proj,18.60740,0.01500,5.257
31
+ 4,self_attn.v_proj,2.28142,0.01500,3.690
32
+ 4,self_attn.q_proj,37.03451,0.01500,3.843
33
+ 4,self_attn.o_proj,0.03601,0.01500,4.081
34
+ 4,mlp.up_proj,49.40864,0.01500,6.685
35
+ 4,mlp.gate_proj,57.38699,0.01500,5.422
36
+ 4,mlp.down_proj,0.05721,0.01500,47.377
37
+ 5,self_attn.k_proj,20.30448,0.01500,5.246
38
+ 5,self_attn.v_proj,3.00630,0.01500,3.657
39
+ 5,self_attn.q_proj,42.47562,0.01500,3.826
40
+ 5,self_attn.o_proj,0.06852,0.01500,4.050
41
+ 5,mlp.up_proj,70.86872,0.01500,6.692
42
+ 5,mlp.gate_proj,82.60092,0.01500,5.394
43
+ 5,mlp.down_proj,0.10330,0.01500,47.285
44
+ 6,self_attn.k_proj,19.27090,0.01500,5.277
45
+ 6,self_attn.v_proj,3.89179,0.01500,3.702
46
+ 6,self_attn.q_proj,48.03176,0.01500,3.841
47
+ 6,self_attn.o_proj,0.06790,0.01500,4.044
48
+ 6,mlp.up_proj,98.14202,0.01500,6.693
49
+ 6,mlp.gate_proj,111.40297,0.01500,5.420
50
+ 6,mlp.down_proj,0.14446,0.01500,47.310
51
+ 7,self_attn.k_proj,25.72945,0.01500,5.264
52
+ 7,self_attn.v_proj,6.18809,0.01500,3.666
53
+ 7,self_attn.q_proj,61.07327,0.01500,3.844
54
+ 7,self_attn.o_proj,0.15881,0.01500,4.046
55
+ 7,mlp.up_proj,116.99324,0.01500,6.674
56
+ 7,mlp.gate_proj,139.79570,0.01500,5.462
57
+ 7,mlp.down_proj,0.24200,0.01500,47.374
58
+ 8,self_attn.k_proj,26.63376,0.01500,5.274
59
+ 8,self_attn.v_proj,6.73780,0.01500,3.717
60
+ 8,self_attn.q_proj,66.64472,0.01500,3.868
61
+ 8,self_attn.o_proj,0.16581,0.01500,4.044
62
+ 8,mlp.up_proj,149.26277,0.01500,6.674
63
+ 8,mlp.gate_proj,182.83129,0.01500,5.446
64
+ 8,mlp.down_proj,0.29880,0.01500,47.410
65
+ 9,self_attn.k_proj,26.10390,0.01500,5.252
66
+ 9,self_attn.v_proj,7.00863,0.01500,3.668
67
+ 9,self_attn.q_proj,62.03807,0.01500,3.865
68
+ 9,self_attn.o_proj,0.19546,0.01500,4.054
69
+ 9,mlp.up_proj,183.63750,0.01500,6.685
70
+ 9,mlp.gate_proj,221.14066,0.01500,5.404
71
+ 9,mlp.down_proj,0.35934,0.01500,47.430
72
+ 10,self_attn.k_proj,36.90206,0.01500,5.287
73
+ 10,self_attn.v_proj,9.14226,0.01500,3.698
74
+ 10,self_attn.q_proj,80.53106,0.01500,3.871
75
+ 10,self_attn.o_proj,0.26012,0.01500,4.053
76
+ 10,mlp.up_proj,198.18631,0.01500,6.689
77
+ 10,mlp.gate_proj,240.66970,0.01500,5.442
78
+ 10,mlp.down_proj,0.46570,0.01500,47.370
79
+ 11,self_attn.k_proj,32.14743,0.01500,5.274
80
+ 11,self_attn.v_proj,9.67020,0.01500,3.697
81
+ 11,self_attn.q_proj,72.00557,0.01500,3.859
82
+ 11,self_attn.o_proj,0.32261,0.01500,4.051
83
+ 11,mlp.up_proj,210.64434,0.01500,6.680
84
+ 11,mlp.gate_proj,254.81907,0.01500,5.416
85
+ 11,mlp.down_proj,0.47910,0.01500,47.364
86
+ 12,self_attn.k_proj,42.83973,0.01500,5.278
87
+ 12,self_attn.v_proj,10.15345,0.01500,3.685
88
+ 12,self_attn.q_proj,90.94727,0.01500,3.871
89
+ 12,self_attn.o_proj,0.35522,0.01500,4.035
90
+ 12,mlp.up_proj,213.25906,0.01500,6.688
91
+ 12,mlp.gate_proj,247.21341,0.01500,5.420
92
+ 12,mlp.down_proj,0.52284,0.01500,47.267
93
+ 13,self_attn.k_proj,32.96127,0.01500,5.274
94
+ 13,self_attn.v_proj,12.16650,0.01500,3.692
95
+ 13,self_attn.q_proj,75.60257,0.01500,3.862
96
+ 13,self_attn.o_proj,0.40324,0.01500,4.056
97
+ 13,mlp.up_proj,214.29990,0.01500,6.730
98
+ 13,mlp.gate_proj,239.46919,0.01500,5.423
99
+ 13,mlp.down_proj,0.57616,0.01500,47.349
100
+ 14,self_attn.k_proj,47.18682,0.01500,5.269
101
+ 14,self_attn.v_proj,17.65432,0.01500,3.694
102
+ 14,self_attn.q_proj,101.04409,0.01500,3.881
103
+ 14,self_attn.o_proj,0.68764,0.01500,4.025
104
+ 14,mlp.up_proj,234.67443,0.01500,6.685
105
+ 14,mlp.gate_proj,253.83465,0.01500,5.412
106
+ 14,mlp.down_proj,0.65445,0.01500,47.400
107
+ 15,self_attn.k_proj,54.09038,0.01500,5.282
108
+ 15,self_attn.v_proj,19.85443,0.01500,3.681
109
+ 15,self_attn.q_proj,106.11286,0.01500,3.862
110
+ 15,self_attn.o_proj,0.52978,0.01500,4.059
111
+ 15,mlp.up_proj,265.88758,0.01500,6.683
112
+ 15,mlp.gate_proj,288.06800,0.01500,5.417
113
+ 15,mlp.down_proj,0.74769,0.01500,47.369
114
+ 16,self_attn.k_proj,37.41516,0.01500,5.275
115
+ 16,self_attn.v_proj,20.44218,0.01500,3.738
116
+ 16,self_attn.q_proj,91.44013,0.01500,3.859
117
+ 16,self_attn.o_proj,0.73796,0.01500,4.080
118
+ 16,mlp.up_proj,280.25973,0.01500,6.700
119
+ 16,mlp.gate_proj,289.34869,0.01500,5.448
120
+ 16,mlp.down_proj,0.97160,0.01500,47.524
121
+ 17,self_attn.k_proj,53.08701,0.01500,5.243
122
+ 17,self_attn.v_proj,24.74141,0.01500,3.681
123
+ 17,self_attn.q_proj,122.04392,0.01500,3.879
124
+ 17,self_attn.o_proj,0.91752,0.01500,4.057
125
+ 17,mlp.up_proj,304.54559,0.01500,6.694
126
+ 17,mlp.gate_proj,325.76280,0.01500,5.421
127
+ 17,mlp.down_proj,1.09534,0.01500,47.353
128
+ 18,self_attn.k_proj,56.58150,0.01500,5.231
129
+ 18,self_attn.v_proj,24.47837,0.01500,3.693
130
+ 18,self_attn.q_proj,123.94422,0.01500,3.846
131
+ 18,self_attn.o_proj,0.96601,0.01500,4.053
132
+ 18,mlp.up_proj,330.56242,0.01500,6.690
133
+ 18,mlp.gate_proj,354.70744,0.01500,5.409
134
+ 18,mlp.down_proj,1.22894,0.01500,47.584
135
+ 19,self_attn.k_proj,52.15675,0.01500,5.281
136
+ 19,self_attn.v_proj,20.42821,0.01500,3.689
137
+ 19,self_attn.q_proj,111.40133,0.01500,3.865
138
+ 19,self_attn.o_proj,0.59738,0.01500,4.067
139
+ 19,mlp.up_proj,342.01756,0.01500,6.713
140
+ 19,mlp.gate_proj,371.13833,0.01500,5.436
141
+ 19,mlp.down_proj,1.24512,0.01500,47.561
142
+ 20,self_attn.k_proj,65.34574,0.01500,5.268
143
+ 20,self_attn.v_proj,20.79969,0.01500,3.698
144
+ 20,self_attn.q_proj,120.78517,0.01500,3.856
145
+ 20,self_attn.o_proj,0.79933,0.01500,4.057
146
+ 20,mlp.up_proj,379.47065,0.01500,6.673
147
+ 20,mlp.gate_proj,416.61195,0.01500,5.464
148
+ 20,mlp.down_proj,1.41267,0.01500,47.437
149
+ 21,self_attn.k_proj,51.96946,0.01500,5.252
150
+ 21,self_attn.v_proj,19.60039,0.01500,3.687
151
+ 21,self_attn.q_proj,111.92335,0.01500,3.843
152
+ 21,self_attn.o_proj,0.59658,0.01500,4.074
153
+ 21,mlp.up_proj,415.81448,0.01500,6.705
154
+ 21,mlp.gate_proj,470.86329,0.01500,5.443
155
+ 21,mlp.down_proj,1.63403,0.01500,47.409
156
+ 22,self_attn.k_proj,54.91379,0.01500,5.293
157
+ 22,self_attn.v_proj,22.27869,0.01500,3.704
158
+ 22,self_attn.q_proj,120.27491,0.01500,3.854
159
+ 22,self_attn.o_proj,0.52668,0.01500,4.036
160
+ 22,mlp.up_proj,424.89161,0.01500,6.671
161
+ 22,mlp.gate_proj,486.23778,0.01500,5.430
162
+ 22,mlp.down_proj,1.71606,0.01500,47.340
163
+ 23,self_attn.k_proj,67.44897,0.01500,5.288
164
+ 23,self_attn.v_proj,24.07980,0.01500,3.719
165
+ 23,self_attn.q_proj,124.59901,0.01500,3.861
166
+ 23,self_attn.o_proj,0.68255,0.01500,4.066
167
+ 23,mlp.up_proj,434.17176,0.01500,6.694
168
+ 23,mlp.gate_proj,496.52634,0.01500,5.452
169
+ 23,mlp.down_proj,1.82865,0.01500,47.298
170
+ 24,self_attn.k_proj,47.10809,0.01500,5.292
171
+ 24,self_attn.v_proj,22.28693,0.01500,3.699
172
+ 24,self_attn.q_proj,116.92687,0.01500,3.876
173
+ 24,self_attn.o_proj,0.52270,0.01500,4.068
174
+ 24,mlp.up_proj,435.76123,0.01500,6.705
175
+ 24,mlp.gate_proj,486.76570,0.01500,5.432
176
+ 24,mlp.down_proj,1.88327,0.01500,47.333
177
+ 25,self_attn.k_proj,62.62039,0.01500,5.271
178
+ 25,self_attn.v_proj,24.71245,0.01500,3.739
179
+ 25,self_attn.q_proj,123.76468,0.01500,3.894
180
+ 25,self_attn.o_proj,0.83373,0.01500,4.075
181
+ 25,mlp.up_proj,458.06028,0.01500,6.708
182
+ 25,mlp.gate_proj,527.59241,0.01500,5.438
183
+ 25,mlp.down_proj,2.04980,0.01500,47.372
184
+ 26,self_attn.k_proj,50.97967,0.01500,5.285
185
+ 26,self_attn.v_proj,24.99530,0.01500,3.689
186
+ 26,self_attn.q_proj,122.16379,0.01500,3.884
187
+ 26,self_attn.o_proj,0.50815,0.01500,4.071
188
+ 26,mlp.up_proj,474.21384,0.01500,6.708
189
+ 26,mlp.gate_proj,560.86479,0.01500,5.421
190
+ 26,mlp.down_proj,2.12071,0.01500,47.407
191
+ 27,self_attn.k_proj,32.21025,0.01500,5.284
192
+ 27,self_attn.v_proj,22.32059,0.01500,3.672
193
+ 27,self_attn.q_proj,93.89602,0.01500,3.866
194
+ 27,self_attn.o_proj,0.84583,0.01500,4.067
195
+ 27,mlp.up_proj,471.07579,0.01500,6.717
196
+ 27,mlp.gate_proj,548.74328,0.01500,5.469
197
+ 27,mlp.down_proj,2.41532,0.01500,47.444
198
+ 28,self_attn.k_proj,60.67304,0.01500,5.264
199
+ 28,self_attn.v_proj,30.47938,0.01500,3.699
200
+ 28,self_attn.q_proj,134.55070,0.01500,3.872
201
+ 28,self_attn.o_proj,0.74397,0.01500,4.059
202
+ 28,mlp.up_proj,490.40091,0.01500,6.696
203
+ 28,mlp.gate_proj,595.66978,0.01500,5.469
204
+ 28,mlp.down_proj,1.89024,0.01500,47.428
205
+ 29,self_attn.k_proj,50.39839,0.01500,5.276
206
+ 29,self_attn.v_proj,22.60897,0.01500,3.714
207
+ 29,self_attn.q_proj,104.39243,0.01500,3.870
208
+ 29,self_attn.o_proj,0.88428,0.01500,4.077
209
+ 29,mlp.up_proj,508.61017,0.01500,6.704
210
+ 29,mlp.gate_proj,620.95550,0.01500,5.440
211
+ 29,mlp.down_proj,2.13120,0.01500,47.371
212
+ 30,self_attn.k_proj,68.45669,0.01500,5.327
213
+ 30,self_attn.v_proj,34.79505,0.01500,3.705
214
+ 30,self_attn.q_proj,140.91889,0.01500,3.889
215
+ 30,self_attn.o_proj,0.99748,0.01500,4.053
216
+ 30,mlp.up_proj,540.70949,0.01500,6.699
217
+ 30,mlp.gate_proj,659.83809,0.01500,5.431
218
+ 30,mlp.down_proj,2.10708,0.01500,47.384
219
+ 31,self_attn.k_proj,44.78834,0.01500,5.256
220
+ 31,self_attn.v_proj,31.78718,0.01500,3.696
221
+ 31,self_attn.q_proj,114.04412,0.01500,3.877
222
+ 31,self_attn.o_proj,0.59152,0.01500,4.065
223
+ 31,mlp.up_proj,560.45728,0.01500,6.695
224
+ 31,mlp.gate_proj,674.60949,0.01500,5.428
225
+ 31,mlp.down_proj,2.30641,0.01500,47.367
226
+ 32,self_attn.k_proj,56.30912,0.01500,5.275
227
+ 32,self_attn.v_proj,34.25995,0.01500,3.708
228
+ 32,self_attn.q_proj,121.05670,0.01500,3.869
229
+ 32,self_attn.o_proj,0.82758,0.01500,4.075
230
+ 32,mlp.up_proj,591.63220,0.01500,6.689
231
+ 32,mlp.gate_proj,706.15997,0.01500,5.451
232
+ 32,mlp.down_proj,2.53290,0.01500,47.267
233
+ 33,self_attn.k_proj,46.11280,0.01500,5.284
234
+ 33,self_attn.v_proj,42.51080,0.01500,3.726
235
+ 33,self_attn.q_proj,120.57386,0.01500,3.907
236
+ 33,self_attn.o_proj,0.89769,0.01500,4.080
237
+ 33,mlp.up_proj,627.82678,0.01500,6.741
238
+ 33,mlp.gate_proj,722.65380,0.01500,5.448
239
+ 33,mlp.down_proj,3.02083,0.01500,47.569
240
+ 34,self_attn.k_proj,57.65119,0.01500,5.307
241
+ 34,self_attn.v_proj,47.52145,0.01500,3.731
242
+ 34,self_attn.q_proj,126.24557,0.01500,3.907
243
+ 34,self_attn.o_proj,2.01183,0.01500,4.098
244
+ 34,mlp.up_proj,700.00593,0.01500,6.708
245
+ 34,mlp.gate_proj,757.95016,0.01500,5.469
246
+ 34,mlp.down_proj,4.47699,0.01500,47.457
247
+ 35,self_attn.k_proj,58.37378,0.01500,5.287
248
+ 35,self_attn.v_proj,52.73662,0.01500,3.720
249
+ 35,self_attn.q_proj,126.43205,0.01500,3.886
250
+ 35,self_attn.o_proj,1.93946,0.01500,4.104
251
+ 35,mlp.up_proj,750.29913,0.01500,6.719
252
+ 35,mlp.gate_proj,780.23101,0.01500,5.440
253
+ 35,mlp.down_proj,6.17615,0.01500,47.425
254
+ 36,self_attn.k_proj,51.75059,0.01500,5.291
255
+ 36,self_attn.v_proj,60.43876,0.01500,3.710
256
+ 36,self_attn.q_proj,129.25831,0.01500,3.886
257
+ 36,self_attn.o_proj,4.24202,0.01500,4.068
258
+ 36,mlp.up_proj,881.16835,0.01500,6.726
259
+ 36,mlp.gate_proj,894.70775,0.01500,5.467
260
+ 36,mlp.down_proj,9.76076,0.01500,47.466
261
+ 37,self_attn.k_proj,61.10957,0.01500,5.386
262
+ 37,self_attn.v_proj,92.40344,0.01500,3.698
263
+ 37,self_attn.q_proj,152.37925,0.01500,3.911
264
+ 37,self_attn.o_proj,8.34289,0.01500,4.077
265
+ 37,mlp.up_proj,1013.91551,0.01500,6.703
266
+ 37,mlp.gate_proj,1019.51068,0.01500,5.443
267
+ 37,mlp.down_proj,14.96210,0.01500,47.407
268
+ 38,self_attn.k_proj,57.50252,0.01500,5.300
269
+ 38,self_attn.v_proj,74.01140,0.01500,3.718
270
+ 38,self_attn.q_proj,142.36679,0.01500,3.895
271
+ 38,self_attn.o_proj,11.92842,0.01500,4.074
272
+ 38,mlp.up_proj,950.04810,0.01500,6.712
273
+ 38,mlp.gate_proj,934.03283,0.01500,5.426
274
+ 38,mlp.down_proj,25.90887,0.01500,47.661
275
+ 39,self_attn.k_proj,56.80673,0.01500,5.343
276
+ 39,self_attn.v_proj,41.75524,0.01500,3.736
277
+ 39,self_attn.q_proj,137.96739,0.01500,3.917
278
+ 39,self_attn.o_proj,14.77933,0.01500,4.105
279
+ 39,mlp.up_proj,794.27943,0.01500,6.733
280
+ 39,mlp.gate_proj,831.57729,0.01500,5.472
281
+ 39,mlp.down_proj,44.98471,0.01500,47.570
quantize_config.json ADDED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bits": 4,
3
+ "group_size": 128,
4
+ "desc_act": true,
5
+ "sym": true,
6
+ "lm_head": false,
7
+ "quant_method": "gptq",
8
+ "checkpoint_format": "gptq",
9
+ "pack_dtype": "int32",
10
+ "meta": {
11
+ "quantizer": [
12
+ "gptqmodel:1.9.0"
13
+ ],
14
+ "uri": "https://github.com/modelcloud/gptqmodel",
15
+ "damp_percent": 0.015,
16
+ "damp_auto_increment": 0.0025,
17
+ "static_groups": false,
18
+ "true_sequential": true,
19
+ "mse": 0.01
20
+ }
21
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,1025 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<unk>",
4
+ "<s>",
5
+ "</s>",
6
+ "[INST]",
7
+ "[/INST]",
8
+ "[AVAILABLE_TOOLS]",
9
+ "[/AVAILABLE_TOOLS]",
10
+ "[TOOL_RESULTS]",
11
+ "[/TOOL_RESULTS]",
12
+ "[TOOL_CALLS]",
13
+ "[IMG]",
14
+ "<pad>",
15
+ "[IMG_BREAK]",
16
+ "[IMG_END]",
17
+ "[PREFIX]",
18
+ "[MIDDLE]",
19
+ "[SUFFIX]",
20
+ "[SYSTEM_PROMPT]",
21
+ "[/SYSTEM_PROMPT]",
22
+ "[TOOL_CONTENT]",
23
+ "<SPECIAL_20>",
24
+ "<SPECIAL_21>",
25
+ "<SPECIAL_22>",
26
+ "<SPECIAL_23>",
27
+ "<SPECIAL_24>",
28
+ "<SPECIAL_25>",
29
+ "<SPECIAL_26>",
30
+ "<SPECIAL_27>",
31
+ "<SPECIAL_28>",
32
+ "<SPECIAL_29>",
33
+ "<SPECIAL_30>",
34
+ "<SPECIAL_31>",
35
+ "<SPECIAL_32>",
36
+ "<SPECIAL_33>",
37
+ "<SPECIAL_34>",
38
+ "<SPECIAL_35>",
39
+ "<SPECIAL_36>",
40
+ "<SPECIAL_37>",
41
+ "<SPECIAL_38>",
42
+ "<SPECIAL_39>",
43
+ "<SPECIAL_40>",
44
+ "<SPECIAL_41>",
45
+ "<SPECIAL_42>",
46
+ "<SPECIAL_43>",
47
+ "<SPECIAL_44>",
48
+ "<SPECIAL_45>",
49
+ "<SPECIAL_46>",
50
+ "<SPECIAL_47>",
51
+ "<SPECIAL_48>",
52
+ "<SPECIAL_49>",
53
+ "<SPECIAL_50>",
54
+ "<SPECIAL_51>",
55
+ "<SPECIAL_52>",
56
+ "<SPECIAL_53>",
57
+ "<SPECIAL_54>",
58
+ "<SPECIAL_55>",
59
+ "<SPECIAL_56>",
60
+ "<SPECIAL_57>",
61
+ "<SPECIAL_58>",
62
+ "<SPECIAL_59>",
63
+ "<SPECIAL_60>",
64
+ "<SPECIAL_61>",
65
+ "<SPECIAL_62>",
66
+ "<SPECIAL_63>",
67
+ "<SPECIAL_64>",
68
+ "<SPECIAL_65>",
69
+ "<SPECIAL_66>",
70
+ "<SPECIAL_67>",
71
+ "<SPECIAL_68>",
72
+ "<SPECIAL_69>",
73
+ "<SPECIAL_70>",
74
+ "<SPECIAL_71>",
75
+ "<SPECIAL_72>",
76
+ "<SPECIAL_73>",
77
+ "<SPECIAL_74>",
78
+ "<SPECIAL_75>",
79
+ "<SPECIAL_76>",
80
+ "<SPECIAL_77>",
81
+ "<SPECIAL_78>",
82
+ "<SPECIAL_79>",
83
+ "<SPECIAL_80>",
84
+ "<SPECIAL_81>",
85
+ "<SPECIAL_82>",
86
+ "<SPECIAL_83>",
87
+ "<SPECIAL_84>",
88
+ "<SPECIAL_85>",
89
+ "<SPECIAL_86>",
90
+ "<SPECIAL_87>",
91
+ "<SPECIAL_88>",
92
+ "<SPECIAL_89>",
93
+ "<SPECIAL_90>",
94
+ "<SPECIAL_91>",
95
+ "<SPECIAL_92>",
96
+ "<SPECIAL_93>",
97
+ "<SPECIAL_94>",
98
+ "<SPECIAL_95>",
99
+ "<SPECIAL_96>",
100
+ "<SPECIAL_97>",
101
+ "<SPECIAL_98>",
102
+ "<SPECIAL_99>",
103
+ "<SPECIAL_100>",
104
+ "<SPECIAL_101>",
105
+ "<SPECIAL_102>",
106
+ "<SPECIAL_103>",
107
+ "<SPECIAL_104>",
108
+ "<SPECIAL_105>",
109
+ "<SPECIAL_106>",
110
+ "<SPECIAL_107>",
111
+ "<SPECIAL_108>",
112
+ "<SPECIAL_109>",
113
+ "<SPECIAL_110>",
114
+ "<SPECIAL_111>",
115
+ "<SPECIAL_112>",
116
+ "<SPECIAL_113>",
117
+ "<SPECIAL_114>",
118
+ "<SPECIAL_115>",
119
+ "<SPECIAL_116>",
120
+ "<SPECIAL_117>",
121
+ "<SPECIAL_118>",
122
+ "<SPECIAL_119>",
123
+ "<SPECIAL_120>",
124
+ "<SPECIAL_121>",
125
+ "<SPECIAL_122>",
126
+ "<SPECIAL_123>",
127
+ "<SPECIAL_124>",
128
+ "<SPECIAL_125>",
129
+ "<SPECIAL_126>",
130
+ "<SPECIAL_127>",
131
+ "<SPECIAL_128>",
132
+ "<SPECIAL_129>",
133
+ "<SPECIAL_130>",
134
+ "<SPECIAL_131>",
135
+ "<SPECIAL_132>",
136
+ "<SPECIAL_133>",
137
+ "<SPECIAL_134>",
138
+ "<SPECIAL_135>",
139
+ "<SPECIAL_136>",
140
+ "<SPECIAL_137>",
141
+ "<SPECIAL_138>",
142
+ "<SPECIAL_139>",
143
+ "<SPECIAL_140>",
144
+ "<SPECIAL_141>",
145
+ "<SPECIAL_142>",
146
+ "<SPECIAL_143>",
147
+ "<SPECIAL_144>",
148
+ "<SPECIAL_145>",
149
+ "<SPECIAL_146>",
150
+ "<SPECIAL_147>",
151
+ "<SPECIAL_148>",
152
+ "<SPECIAL_149>",
153
+ "<SPECIAL_150>",
154
+ "<SPECIAL_151>",
155
+ "<SPECIAL_152>",
156
+ "<SPECIAL_153>",
157
+ "<SPECIAL_154>",
158
+ "<SPECIAL_155>",
159
+ "<SPECIAL_156>",
160
+ "<SPECIAL_157>",
161
+ "<SPECIAL_158>",
162
+ "<SPECIAL_159>",
163
+ "<SPECIAL_160>",
164
+ "<SPECIAL_161>",
165
+ "<SPECIAL_162>",
166
+ "<SPECIAL_163>",
167
+ "<SPECIAL_164>",
168
+ "<SPECIAL_165>",
169
+ "<SPECIAL_166>",
170
+ "<SPECIAL_167>",
171
+ "<SPECIAL_168>",
172
+ "<SPECIAL_169>",
173
+ "<SPECIAL_170>",
174
+ "<SPECIAL_171>",
175
+ "<SPECIAL_172>",
176
+ "<SPECIAL_173>",
177
+ "<SPECIAL_174>",
178
+ "<SPECIAL_175>",
179
+ "<SPECIAL_176>",
180
+ "<SPECIAL_177>",
181
+ "<SPECIAL_178>",
182
+ "<SPECIAL_179>",
183
+ "<SPECIAL_180>",
184
+ "<SPECIAL_181>",
185
+ "<SPECIAL_182>",
186
+ "<SPECIAL_183>",
187
+ "<SPECIAL_184>",
188
+ "<SPECIAL_185>",
189
+ "<SPECIAL_186>",
190
+ "<SPECIAL_187>",
191
+ "<SPECIAL_188>",
192
+ "<SPECIAL_189>",
193
+ "<SPECIAL_190>",
194
+ "<SPECIAL_191>",
195
+ "<SPECIAL_192>",
196
+ "<SPECIAL_193>",
197
+ "<SPECIAL_194>",
198
+ "<SPECIAL_195>",
199
+ "<SPECIAL_196>",
200
+ "<SPECIAL_197>",
201
+ "<SPECIAL_198>",
202
+ "<SPECIAL_199>",
203
+ "<SPECIAL_200>",
204
+ "<SPECIAL_201>",
205
+ "<SPECIAL_202>",
206
+ "<SPECIAL_203>",
207
+ "<SPECIAL_204>",
208
+ "<SPECIAL_205>",
209
+ "<SPECIAL_206>",
210
+ "<SPECIAL_207>",
211
+ "<SPECIAL_208>",
212
+ "<SPECIAL_209>",
213
+ "<SPECIAL_210>",
214
+ "<SPECIAL_211>",
215
+ "<SPECIAL_212>",
216
+ "<SPECIAL_213>",
217
+ "<SPECIAL_214>",
218
+ "<SPECIAL_215>",
219
+ "<SPECIAL_216>",
220
+ "<SPECIAL_217>",
221
+ "<SPECIAL_218>",
222
+ "<SPECIAL_219>",
223
+ "<SPECIAL_220>",
224
+ "<SPECIAL_221>",
225
+ "<SPECIAL_222>",
226
+ "<SPECIAL_223>",
227
+ "<SPECIAL_224>",
228
+ "<SPECIAL_225>",
229
+ "<SPECIAL_226>",
230
+ "<SPECIAL_227>",
231
+ "<SPECIAL_228>",
232
+ "<SPECIAL_229>",
233
+ "<SPECIAL_230>",
234
+ "<SPECIAL_231>",
235
+ "<SPECIAL_232>",
236
+ "<SPECIAL_233>",
237
+ "<SPECIAL_234>",
238
+ "<SPECIAL_235>",
239
+ "<SPECIAL_236>",
240
+ "<SPECIAL_237>",
241
+ "<SPECIAL_238>",
242
+ "<SPECIAL_239>",
243
+ "<SPECIAL_240>",
244
+ "<SPECIAL_241>",
245
+ "<SPECIAL_242>",
246
+ "<SPECIAL_243>",
247
+ "<SPECIAL_244>",
248
+ "<SPECIAL_245>",
249
+ "<SPECIAL_246>",
250
+ "<SPECIAL_247>",
251
+ "<SPECIAL_248>",
252
+ "<SPECIAL_249>",
253
+ "<SPECIAL_250>",
254
+ "<SPECIAL_251>",
255
+ "<SPECIAL_252>",
256
+ "<SPECIAL_253>",
257
+ "<SPECIAL_254>",
258
+ "<SPECIAL_255>",
259
+ "<SPECIAL_256>",
260
+ "<SPECIAL_257>",
261
+ "<SPECIAL_258>",
262
+ "<SPECIAL_259>",
263
+ "<SPECIAL_260>",
264
+ "<SPECIAL_261>",
265
+ "<SPECIAL_262>",
266
+ "<SPECIAL_263>",
267
+ "<SPECIAL_264>",
268
+ "<SPECIAL_265>",
269
+ "<SPECIAL_266>",
270
+ "<SPECIAL_267>",
271
+ "<SPECIAL_268>",
272
+ "<SPECIAL_269>",
273
+ "<SPECIAL_270>",
274
+ "<SPECIAL_271>",
275
+ "<SPECIAL_272>",
276
+ "<SPECIAL_273>",
277
+ "<SPECIAL_274>",
278
+ "<SPECIAL_275>",
279
+ "<SPECIAL_276>",
280
+ "<SPECIAL_277>",
281
+ "<SPECIAL_278>",
282
+ "<SPECIAL_279>",
283
+ "<SPECIAL_280>",
284
+ "<SPECIAL_281>",
285
+ "<SPECIAL_282>",
286
+ "<SPECIAL_283>",
287
+ "<SPECIAL_284>",
288
+ "<SPECIAL_285>",
289
+ "<SPECIAL_286>",
290
+ "<SPECIAL_287>",
291
+ "<SPECIAL_288>",
292
+ "<SPECIAL_289>",
293
+ "<SPECIAL_290>",
294
+ "<SPECIAL_291>",
295
+ "<SPECIAL_292>",
296
+ "<SPECIAL_293>",
297
+ "<SPECIAL_294>",
298
+ "<SPECIAL_295>",
299
+ "<SPECIAL_296>",
300
+ "<SPECIAL_297>",
301
+ "<SPECIAL_298>",
302
+ "<SPECIAL_299>",
303
+ "<SPECIAL_300>",
304
+ "<SPECIAL_301>",
305
+ "<SPECIAL_302>",
306
+ "<SPECIAL_303>",
307
+ "<SPECIAL_304>",
308
+ "<SPECIAL_305>",
309
+ "<SPECIAL_306>",
310
+ "<SPECIAL_307>",
311
+ "<SPECIAL_308>",
312
+ "<SPECIAL_309>",
313
+ "<SPECIAL_310>",
314
+ "<SPECIAL_311>",
315
+ "<SPECIAL_312>",
316
+ "<SPECIAL_313>",
317
+ "<SPECIAL_314>",
318
+ "<SPECIAL_315>",
319
+ "<SPECIAL_316>",
320
+ "<SPECIAL_317>",
321
+ "<SPECIAL_318>",
322
+ "<SPECIAL_319>",
323
+ "<SPECIAL_320>",
324
+ "<SPECIAL_321>",
325
+ "<SPECIAL_322>",
326
+ "<SPECIAL_323>",
327
+ "<SPECIAL_324>",
328
+ "<SPECIAL_325>",
329
+ "<SPECIAL_326>",
330
+ "<SPECIAL_327>",
331
+ "<SPECIAL_328>",
332
+ "<SPECIAL_329>",
333
+ "<SPECIAL_330>",
334
+ "<SPECIAL_331>",
335
+ "<SPECIAL_332>",
336
+ "<SPECIAL_333>",
337
+ "<SPECIAL_334>",
338
+ "<SPECIAL_335>",
339
+ "<SPECIAL_336>",
340
+ "<SPECIAL_337>",
341
+ "<SPECIAL_338>",
342
+ "<SPECIAL_339>",
343
+ "<SPECIAL_340>",
344
+ "<SPECIAL_341>",
345
+ "<SPECIAL_342>",
346
+ "<SPECIAL_343>",
347
+ "<SPECIAL_344>",
348
+ "<SPECIAL_345>",
349
+ "<SPECIAL_346>",
350
+ "<SPECIAL_347>",
351
+ "<SPECIAL_348>",
352
+ "<SPECIAL_349>",
353
+ "<SPECIAL_350>",
354
+ "<SPECIAL_351>",
355
+ "<SPECIAL_352>",
356
+ "<SPECIAL_353>",
357
+ "<SPECIAL_354>",
358
+ "<SPECIAL_355>",
359
+ "<SPECIAL_356>",
360
+ "<SPECIAL_357>",
361
+ "<SPECIAL_358>",
362
+ "<SPECIAL_359>",
363
+ "<SPECIAL_360>",
364
+ "<SPECIAL_361>",
365
+ "<SPECIAL_362>",
366
+ "<SPECIAL_363>",
367
+ "<SPECIAL_364>",
368
+ "<SPECIAL_365>",
369
+ "<SPECIAL_366>",
370
+ "<SPECIAL_367>",
371
+ "<SPECIAL_368>",
372
+ "<SPECIAL_369>",
373
+ "<SPECIAL_370>",
374
+ "<SPECIAL_371>",
375
+ "<SPECIAL_372>",
376
+ "<SPECIAL_373>",
377
+ "<SPECIAL_374>",
378
+ "<SPECIAL_375>",
379
+ "<SPECIAL_376>",
380
+ "<SPECIAL_377>",
381
+ "<SPECIAL_378>",
382
+ "<SPECIAL_379>",
383
+ "<SPECIAL_380>",
384
+ "<SPECIAL_381>",
385
+ "<SPECIAL_382>",
386
+ "<SPECIAL_383>",
387
+ "<SPECIAL_384>",
388
+ "<SPECIAL_385>",
389
+ "<SPECIAL_386>",
390
+ "<SPECIAL_387>",
391
+ "<SPECIAL_388>",
392
+ "<SPECIAL_389>",
393
+ "<SPECIAL_390>",
394
+ "<SPECIAL_391>",
395
+ "<SPECIAL_392>",
396
+ "<SPECIAL_393>",
397
+ "<SPECIAL_394>",
398
+ "<SPECIAL_395>",
399
+ "<SPECIAL_396>",
400
+ "<SPECIAL_397>",
401
+ "<SPECIAL_398>",
402
+ "<SPECIAL_399>",
403
+ "<SPECIAL_400>",
404
+ "<SPECIAL_401>",
405
+ "<SPECIAL_402>",
406
+ "<SPECIAL_403>",
407
+ "<SPECIAL_404>",
408
+ "<SPECIAL_405>",
409
+ "<SPECIAL_406>",
410
+ "<SPECIAL_407>",
411
+ "<SPECIAL_408>",
412
+ "<SPECIAL_409>",
413
+ "<SPECIAL_410>",
414
+ "<SPECIAL_411>",
415
+ "<SPECIAL_412>",
416
+ "<SPECIAL_413>",
417
+ "<SPECIAL_414>",
418
+ "<SPECIAL_415>",
419
+ "<SPECIAL_416>",
420
+ "<SPECIAL_417>",
421
+ "<SPECIAL_418>",
422
+ "<SPECIAL_419>",
423
+ "<SPECIAL_420>",
424
+ "<SPECIAL_421>",
425
+ "<SPECIAL_422>",
426
+ "<SPECIAL_423>",
427
+ "<SPECIAL_424>",
428
+ "<SPECIAL_425>",
429
+ "<SPECIAL_426>",
430
+ "<SPECIAL_427>",
431
+ "<SPECIAL_428>",
432
+ "<SPECIAL_429>",
433
+ "<SPECIAL_430>",
434
+ "<SPECIAL_431>",
435
+ "<SPECIAL_432>",
436
+ "<SPECIAL_433>",
437
+ "<SPECIAL_434>",
438
+ "<SPECIAL_435>",
439
+ "<SPECIAL_436>",
440
+ "<SPECIAL_437>",
441
+ "<SPECIAL_438>",
442
+ "<SPECIAL_439>",
443
+ "<SPECIAL_440>",
444
+ "<SPECIAL_441>",
445
+ "<SPECIAL_442>",
446
+ "<SPECIAL_443>",
447
+ "<SPECIAL_444>",
448
+ "<SPECIAL_445>",
449
+ "<SPECIAL_446>",
450
+ "<SPECIAL_447>",
451
+ "<SPECIAL_448>",
452
+ "<SPECIAL_449>",
453
+ "<SPECIAL_450>",
454
+ "<SPECIAL_451>",
455
+ "<SPECIAL_452>",
456
+ "<SPECIAL_453>",
457
+ "<SPECIAL_454>",
458
+ "<SPECIAL_455>",
459
+ "<SPECIAL_456>",
460
+ "<SPECIAL_457>",
461
+ "<SPECIAL_458>",
462
+ "<SPECIAL_459>",
463
+ "<SPECIAL_460>",
464
+ "<SPECIAL_461>",
465
+ "<SPECIAL_462>",
466
+ "<SPECIAL_463>",
467
+ "<SPECIAL_464>",
468
+ "<SPECIAL_465>",
469
+ "<SPECIAL_466>",
470
+ "<SPECIAL_467>",
471
+ "<SPECIAL_468>",
472
+ "<SPECIAL_469>",
473
+ "<SPECIAL_470>",
474
+ "<SPECIAL_471>",
475
+ "<SPECIAL_472>",
476
+ "<SPECIAL_473>",
477
+ "<SPECIAL_474>",
478
+ "<SPECIAL_475>",
479
+ "<SPECIAL_476>",
480
+ "<SPECIAL_477>",
481
+ "<SPECIAL_478>",
482
+ "<SPECIAL_479>",
483
+ "<SPECIAL_480>",
484
+ "<SPECIAL_481>",
485
+ "<SPECIAL_482>",
486
+ "<SPECIAL_483>",
487
+ "<SPECIAL_484>",
488
+ "<SPECIAL_485>",
489
+ "<SPECIAL_486>",
490
+ "<SPECIAL_487>",
491
+ "<SPECIAL_488>",
492
+ "<SPECIAL_489>",
493
+ "<SPECIAL_490>",
494
+ "<SPECIAL_491>",
495
+ "<SPECIAL_492>",
496
+ "<SPECIAL_493>",
497
+ "<SPECIAL_494>",
498
+ "<SPECIAL_495>",
499
+ "<SPECIAL_496>",
500
+ "<SPECIAL_497>",
501
+ "<SPECIAL_498>",
502
+ "<SPECIAL_499>",
503
+ "<SPECIAL_500>",
504
+ "<SPECIAL_501>",
505
+ "<SPECIAL_502>",
506
+ "<SPECIAL_503>",
507
+ "<SPECIAL_504>",
508
+ "<SPECIAL_505>",
509
+ "<SPECIAL_506>",
510
+ "<SPECIAL_507>",
511
+ "<SPECIAL_508>",
512
+ "<SPECIAL_509>",
513
+ "<SPECIAL_510>",
514
+ "<SPECIAL_511>",
515
+ "<SPECIAL_512>",
516
+ "<SPECIAL_513>",
517
+ "<SPECIAL_514>",
518
+ "<SPECIAL_515>",
519
+ "<SPECIAL_516>",
520
+ "<SPECIAL_517>",
521
+ "<SPECIAL_518>",
522
+ "<SPECIAL_519>",
523
+ "<SPECIAL_520>",
524
+ "<SPECIAL_521>",
525
+ "<SPECIAL_522>",
526
+ "<SPECIAL_523>",
527
+ "<SPECIAL_524>",
528
+ "<SPECIAL_525>",
529
+ "<SPECIAL_526>",
530
+ "<SPECIAL_527>",
531
+ "<SPECIAL_528>",
532
+ "<SPECIAL_529>",
533
+ "<SPECIAL_530>",
534
+ "<SPECIAL_531>",
535
+ "<SPECIAL_532>",
536
+ "<SPECIAL_533>",
537
+ "<SPECIAL_534>",
538
+ "<SPECIAL_535>",
539
+ "<SPECIAL_536>",
540
+ "<SPECIAL_537>",
541
+ "<SPECIAL_538>",
542
+ "<SPECIAL_539>",
543
+ "<SPECIAL_540>",
544
+ "<SPECIAL_541>",
545
+ "<SPECIAL_542>",
546
+ "<SPECIAL_543>",
547
+ "<SPECIAL_544>",
548
+ "<SPECIAL_545>",
549
+ "<SPECIAL_546>",
550
+ "<SPECIAL_547>",
551
+ "<SPECIAL_548>",
552
+ "<SPECIAL_549>",
553
+ "<SPECIAL_550>",
554
+ "<SPECIAL_551>",
555
+ "<SPECIAL_552>",
556
+ "<SPECIAL_553>",
557
+ "<SPECIAL_554>",
558
+ "<SPECIAL_555>",
559
+ "<SPECIAL_556>",
560
+ "<SPECIAL_557>",
561
+ "<SPECIAL_558>",
562
+ "<SPECIAL_559>",
563
+ "<SPECIAL_560>",
564
+ "<SPECIAL_561>",
565
+ "<SPECIAL_562>",
566
+ "<SPECIAL_563>",
567
+ "<SPECIAL_564>",
568
+ "<SPECIAL_565>",
569
+ "<SPECIAL_566>",
570
+ "<SPECIAL_567>",
571
+ "<SPECIAL_568>",
572
+ "<SPECIAL_569>",
573
+ "<SPECIAL_570>",
574
+ "<SPECIAL_571>",
575
+ "<SPECIAL_572>",
576
+ "<SPECIAL_573>",
577
+ "<SPECIAL_574>",
578
+ "<SPECIAL_575>",
579
+ "<SPECIAL_576>",
580
+ "<SPECIAL_577>",
581
+ "<SPECIAL_578>",
582
+ "<SPECIAL_579>",
583
+ "<SPECIAL_580>",
584
+ "<SPECIAL_581>",
585
+ "<SPECIAL_582>",
586
+ "<SPECIAL_583>",
587
+ "<SPECIAL_584>",
588
+ "<SPECIAL_585>",
589
+ "<SPECIAL_586>",
590
+ "<SPECIAL_587>",
591
+ "<SPECIAL_588>",
592
+ "<SPECIAL_589>",
593
+ "<SPECIAL_590>",
594
+ "<SPECIAL_591>",
595
+ "<SPECIAL_592>",
596
+ "<SPECIAL_593>",
597
+ "<SPECIAL_594>",
598
+ "<SPECIAL_595>",
599
+ "<SPECIAL_596>",
600
+ "<SPECIAL_597>",
601
+ "<SPECIAL_598>",
602
+ "<SPECIAL_599>",
603
+ "<SPECIAL_600>",
604
+ "<SPECIAL_601>",
605
+ "<SPECIAL_602>",
606
+ "<SPECIAL_603>",
607
+ "<SPECIAL_604>",
608
+ "<SPECIAL_605>",
609
+ "<SPECIAL_606>",
610
+ "<SPECIAL_607>",
611
+ "<SPECIAL_608>",
612
+ "<SPECIAL_609>",
613
+ "<SPECIAL_610>",
614
+ "<SPECIAL_611>",
615
+ "<SPECIAL_612>",
616
+ "<SPECIAL_613>",
617
+ "<SPECIAL_614>",
618
+ "<SPECIAL_615>",
619
+ "<SPECIAL_616>",
620
+ "<SPECIAL_617>",
621
+ "<SPECIAL_618>",
622
+ "<SPECIAL_619>",
623
+ "<SPECIAL_620>",
624
+ "<SPECIAL_621>",
625
+ "<SPECIAL_622>",
626
+ "<SPECIAL_623>",
627
+ "<SPECIAL_624>",
628
+ "<SPECIAL_625>",
629
+ "<SPECIAL_626>",
630
+ "<SPECIAL_627>",
631
+ "<SPECIAL_628>",
632
+ "<SPECIAL_629>",
633
+ "<SPECIAL_630>",
634
+ "<SPECIAL_631>",
635
+ "<SPECIAL_632>",
636
+ "<SPECIAL_633>",
637
+ "<SPECIAL_634>",
638
+ "<SPECIAL_635>",
639
+ "<SPECIAL_636>",
640
+ "<SPECIAL_637>",
641
+ "<SPECIAL_638>",
642
+ "<SPECIAL_639>",
643
+ "<SPECIAL_640>",
644
+ "<SPECIAL_641>",
645
+ "<SPECIAL_642>",
646
+ "<SPECIAL_643>",
647
+ "<SPECIAL_644>",
648
+ "<SPECIAL_645>",
649
+ "<SPECIAL_646>",
650
+ "<SPECIAL_647>",
651
+ "<SPECIAL_648>",
652
+ "<SPECIAL_649>",
653
+ "<SPECIAL_650>",
654
+ "<SPECIAL_651>",
655
+ "<SPECIAL_652>",
656
+ "<SPECIAL_653>",
657
+ "<SPECIAL_654>",
658
+ "<SPECIAL_655>",
659
+ "<SPECIAL_656>",
660
+ "<SPECIAL_657>",
661
+ "<SPECIAL_658>",
662
+ "<SPECIAL_659>",
663
+ "<SPECIAL_660>",
664
+ "<SPECIAL_661>",
665
+ "<SPECIAL_662>",
666
+ "<SPECIAL_663>",
667
+ "<SPECIAL_664>",
668
+ "<SPECIAL_665>",
669
+ "<SPECIAL_666>",
670
+ "<SPECIAL_667>",
671
+ "<SPECIAL_668>",
672
+ "<SPECIAL_669>",
673
+ "<SPECIAL_670>",
674
+ "<SPECIAL_671>",
675
+ "<SPECIAL_672>",
676
+ "<SPECIAL_673>",
677
+ "<SPECIAL_674>",
678
+ "<SPECIAL_675>",
679
+ "<SPECIAL_676>",
680
+ "<SPECIAL_677>",
681
+ "<SPECIAL_678>",
682
+ "<SPECIAL_679>",
683
+ "<SPECIAL_680>",
684
+ "<SPECIAL_681>",
685
+ "<SPECIAL_682>",
686
+ "<SPECIAL_683>",
687
+ "<SPECIAL_684>",
688
+ "<SPECIAL_685>",
689
+ "<SPECIAL_686>",
690
+ "<SPECIAL_687>",
691
+ "<SPECIAL_688>",
692
+ "<SPECIAL_689>",
693
+ "<SPECIAL_690>",
694
+ "<SPECIAL_691>",
695
+ "<SPECIAL_692>",
696
+ "<SPECIAL_693>",
697
+ "<SPECIAL_694>",
698
+ "<SPECIAL_695>",
699
+ "<SPECIAL_696>",
700
+ "<SPECIAL_697>",
701
+ "<SPECIAL_698>",
702
+ "<SPECIAL_699>",
703
+ "<SPECIAL_700>",
704
+ "<SPECIAL_701>",
705
+ "<SPECIAL_702>",
706
+ "<SPECIAL_703>",
707
+ "<SPECIAL_704>",
708
+ "<SPECIAL_705>",
709
+ "<SPECIAL_706>",
710
+ "<SPECIAL_707>",
711
+ "<SPECIAL_708>",
712
+ "<SPECIAL_709>",
713
+ "<SPECIAL_710>",
714
+ "<SPECIAL_711>",
715
+ "<SPECIAL_712>",
716
+ "<SPECIAL_713>",
717
+ "<SPECIAL_714>",
718
+ "<SPECIAL_715>",
719
+ "<SPECIAL_716>",
720
+ "<SPECIAL_717>",
721
+ "<SPECIAL_718>",
722
+ "<SPECIAL_719>",
723
+ "<SPECIAL_720>",
724
+ "<SPECIAL_721>",
725
+ "<SPECIAL_722>",
726
+ "<SPECIAL_723>",
727
+ "<SPECIAL_724>",
728
+ "<SPECIAL_725>",
729
+ "<SPECIAL_726>",
730
+ "<SPECIAL_727>",
731
+ "<SPECIAL_728>",
732
+ "<SPECIAL_729>",
733
+ "<SPECIAL_730>",
734
+ "<SPECIAL_731>",
735
+ "<SPECIAL_732>",
736
+ "<SPECIAL_733>",
737
+ "<SPECIAL_734>",
738
+ "<SPECIAL_735>",
739
+ "<SPECIAL_736>",
740
+ "<SPECIAL_737>",
741
+ "<SPECIAL_738>",
742
+ "<SPECIAL_739>",
743
+ "<SPECIAL_740>",
744
+ "<SPECIAL_741>",
745
+ "<SPECIAL_742>",
746
+ "<SPECIAL_743>",
747
+ "<SPECIAL_744>",
748
+ "<SPECIAL_745>",
749
+ "<SPECIAL_746>",
750
+ "<SPECIAL_747>",
751
+ "<SPECIAL_748>",
752
+ "<SPECIAL_749>",
753
+ "<SPECIAL_750>",
754
+ "<SPECIAL_751>",
755
+ "<SPECIAL_752>",
756
+ "<SPECIAL_753>",
757
+ "<SPECIAL_754>",
758
+ "<SPECIAL_755>",
759
+ "<SPECIAL_756>",
760
+ "<SPECIAL_757>",
761
+ "<SPECIAL_758>",
762
+ "<SPECIAL_759>",
763
+ "<SPECIAL_760>",
764
+ "<SPECIAL_761>",
765
+ "<SPECIAL_762>",
766
+ "<SPECIAL_763>",
767
+ "<SPECIAL_764>",
768
+ "<SPECIAL_765>",
769
+ "<SPECIAL_766>",
770
+ "<SPECIAL_767>",
771
+ "<SPECIAL_768>",
772
+ "<SPECIAL_769>",
773
+ "<SPECIAL_770>",
774
+ "<SPECIAL_771>",
775
+ "<SPECIAL_772>",
776
+ "<SPECIAL_773>",
777
+ "<SPECIAL_774>",
778
+ "<SPECIAL_775>",
779
+ "<SPECIAL_776>",
780
+ "<SPECIAL_777>",
781
+ "<SPECIAL_778>",
782
+ "<SPECIAL_779>",
783
+ "<SPECIAL_780>",
784
+ "<SPECIAL_781>",
785
+ "<SPECIAL_782>",
786
+ "<SPECIAL_783>",
787
+ "<SPECIAL_784>",
788
+ "<SPECIAL_785>",
789
+ "<SPECIAL_786>",
790
+ "<SPECIAL_787>",
791
+ "<SPECIAL_788>",
792
+ "<SPECIAL_789>",
793
+ "<SPECIAL_790>",
794
+ "<SPECIAL_791>",
795
+ "<SPECIAL_792>",
796
+ "<SPECIAL_793>",
797
+ "<SPECIAL_794>",
798
+ "<SPECIAL_795>",
799
+ "<SPECIAL_796>",
800
+ "<SPECIAL_797>",
801
+ "<SPECIAL_798>",
802
+ "<SPECIAL_799>",
803
+ "<SPECIAL_800>",
804
+ "<SPECIAL_801>",
805
+ "<SPECIAL_802>",
806
+ "<SPECIAL_803>",
807
+ "<SPECIAL_804>",
808
+ "<SPECIAL_805>",
809
+ "<SPECIAL_806>",
810
+ "<SPECIAL_807>",
811
+ "<SPECIAL_808>",
812
+ "<SPECIAL_809>",
813
+ "<SPECIAL_810>",
814
+ "<SPECIAL_811>",
815
+ "<SPECIAL_812>",
816
+ "<SPECIAL_813>",
817
+ "<SPECIAL_814>",
818
+ "<SPECIAL_815>",
819
+ "<SPECIAL_816>",
820
+ "<SPECIAL_817>",
821
+ "<SPECIAL_818>",
822
+ "<SPECIAL_819>",
823
+ "<SPECIAL_820>",
824
+ "<SPECIAL_821>",
825
+ "<SPECIAL_822>",
826
+ "<SPECIAL_823>",
827
+ "<SPECIAL_824>",
828
+ "<SPECIAL_825>",
829
+ "<SPECIAL_826>",
830
+ "<SPECIAL_827>",
831
+ "<SPECIAL_828>",
832
+ "<SPECIAL_829>",
833
+ "<SPECIAL_830>",
834
+ "<SPECIAL_831>",
835
+ "<SPECIAL_832>",
836
+ "<SPECIAL_833>",
837
+ "<SPECIAL_834>",
838
+ "<SPECIAL_835>",
839
+ "<SPECIAL_836>",
840
+ "<SPECIAL_837>",
841
+ "<SPECIAL_838>",
842
+ "<SPECIAL_839>",
843
+ "<SPECIAL_840>",
844
+ "<SPECIAL_841>",
845
+ "<SPECIAL_842>",
846
+ "<SPECIAL_843>",
847
+ "<SPECIAL_844>",
848
+ "<SPECIAL_845>",
849
+ "<SPECIAL_846>",
850
+ "<SPECIAL_847>",
851
+ "<SPECIAL_848>",
852
+ "<SPECIAL_849>",
853
+ "<SPECIAL_850>",
854
+ "<SPECIAL_851>",
855
+ "<SPECIAL_852>",
856
+ "<SPECIAL_853>",
857
+ "<SPECIAL_854>",
858
+ "<SPECIAL_855>",
859
+ "<SPECIAL_856>",
860
+ "<SPECIAL_857>",
861
+ "<SPECIAL_858>",
862
+ "<SPECIAL_859>",
863
+ "<SPECIAL_860>",
864
+ "<SPECIAL_861>",
865
+ "<SPECIAL_862>",
866
+ "<SPECIAL_863>",
867
+ "<SPECIAL_864>",
868
+ "<SPECIAL_865>",
869
+ "<SPECIAL_866>",
870
+ "<SPECIAL_867>",
871
+ "<SPECIAL_868>",
872
+ "<SPECIAL_869>",
873
+ "<SPECIAL_870>",
874
+ "<SPECIAL_871>",
875
+ "<SPECIAL_872>",
876
+ "<SPECIAL_873>",
877
+ "<SPECIAL_874>",
878
+ "<SPECIAL_875>",
879
+ "<SPECIAL_876>",
880
+ "<SPECIAL_877>",
881
+ "<SPECIAL_878>",
882
+ "<SPECIAL_879>",
883
+ "<SPECIAL_880>",
884
+ "<SPECIAL_881>",
885
+ "<SPECIAL_882>",
886
+ "<SPECIAL_883>",
887
+ "<SPECIAL_884>",
888
+ "<SPECIAL_885>",
889
+ "<SPECIAL_886>",
890
+ "<SPECIAL_887>",
891
+ "<SPECIAL_888>",
892
+ "<SPECIAL_889>",
893
+ "<SPECIAL_890>",
894
+ "<SPECIAL_891>",
895
+ "<SPECIAL_892>",
896
+ "<SPECIAL_893>",
897
+ "<SPECIAL_894>",
898
+ "<SPECIAL_895>",
899
+ "<SPECIAL_896>",
900
+ "<SPECIAL_897>",
901
+ "<SPECIAL_898>",
902
+ "<SPECIAL_899>",
903
+ "<SPECIAL_900>",
904
+ "<SPECIAL_901>",
905
+ "<SPECIAL_902>",
906
+ "<SPECIAL_903>",
907
+ "<SPECIAL_904>",
908
+ "<SPECIAL_905>",
909
+ "<SPECIAL_906>",
910
+ "<SPECIAL_907>",
911
+ "<SPECIAL_908>",
912
+ "<SPECIAL_909>",
913
+ "<SPECIAL_910>",
914
+ "<SPECIAL_911>",
915
+ "<SPECIAL_912>",
916
+ "<SPECIAL_913>",
917
+ "<SPECIAL_914>",
918
+ "<SPECIAL_915>",
919
+ "<SPECIAL_916>",
920
+ "<SPECIAL_917>",
921
+ "<SPECIAL_918>",
922
+ "<SPECIAL_919>",
923
+ "<SPECIAL_920>",
924
+ "<SPECIAL_921>",
925
+ "<SPECIAL_922>",
926
+ "<SPECIAL_923>",
927
+ "<SPECIAL_924>",
928
+ "<SPECIAL_925>",
929
+ "<SPECIAL_926>",
930
+ "<SPECIAL_927>",
931
+ "<SPECIAL_928>",
932
+ "<SPECIAL_929>",
933
+ "<SPECIAL_930>",
934
+ "<SPECIAL_931>",
935
+ "<SPECIAL_932>",
936
+ "<SPECIAL_933>",
937
+ "<SPECIAL_934>",
938
+ "<SPECIAL_935>",
939
+ "<SPECIAL_936>",
940
+ "<SPECIAL_937>",
941
+ "<SPECIAL_938>",
942
+ "<SPECIAL_939>",
943
+ "<SPECIAL_940>",
944
+ "<SPECIAL_941>",
945
+ "<SPECIAL_942>",
946
+ "<SPECIAL_943>",
947
+ "<SPECIAL_944>",
948
+ "<SPECIAL_945>",
949
+ "<SPECIAL_946>",
950
+ "<SPECIAL_947>",
951
+ "<SPECIAL_948>",
952
+ "<SPECIAL_949>",
953
+ "<SPECIAL_950>",
954
+ "<SPECIAL_951>",
955
+ "<SPECIAL_952>",
956
+ "<SPECIAL_953>",
957
+ "<SPECIAL_954>",
958
+ "<SPECIAL_955>",
959
+ "<SPECIAL_956>",
960
+ "<SPECIAL_957>",
961
+ "<SPECIAL_958>",
962
+ "<SPECIAL_959>",
963
+ "<SPECIAL_960>",
964
+ "<SPECIAL_961>",
965
+ "<SPECIAL_962>",
966
+ "<SPECIAL_963>",
967
+ "<SPECIAL_964>",
968
+ "<SPECIAL_965>",
969
+ "<SPECIAL_966>",
970
+ "<SPECIAL_967>",
971
+ "<SPECIAL_968>",
972
+ "<SPECIAL_969>",
973
+ "<SPECIAL_970>",
974
+ "<SPECIAL_971>",
975
+ "<SPECIAL_972>",
976
+ "<SPECIAL_973>",
977
+ "<SPECIAL_974>",
978
+ "<SPECIAL_975>",
979
+ "<SPECIAL_976>",
980
+ "<SPECIAL_977>",
981
+ "<SPECIAL_978>",
982
+ "<SPECIAL_979>",
983
+ "<SPECIAL_980>",
984
+ "<SPECIAL_981>",
985
+ "<SPECIAL_982>",
986
+ "<SPECIAL_983>",
987
+ "<SPECIAL_984>",
988
+ "<SPECIAL_985>",
989
+ "<SPECIAL_986>",
990
+ "<SPECIAL_987>",
991
+ "<SPECIAL_988>",
992
+ "<SPECIAL_989>",
993
+ "<SPECIAL_990>",
994
+ "<SPECIAL_991>",
995
+ "<SPECIAL_992>",
996
+ "<SPECIAL_993>",
997
+ "<SPECIAL_994>",
998
+ "<SPECIAL_995>",
999
+ "<SPECIAL_996>",
1000
+ "<SPECIAL_997>",
1001
+ "<SPECIAL_998>",
1002
+ "<SPECIAL_999>"
1003
+ ],
1004
+ "bos_token": {
1005
+ "content": "<s>",
1006
+ "lstrip": false,
1007
+ "normalized": false,
1008
+ "rstrip": false,
1009
+ "single_word": false
1010
+ },
1011
+ "eos_token": {
1012
+ "content": "</s>",
1013
+ "lstrip": false,
1014
+ "normalized": false,
1015
+ "rstrip": false,
1016
+ "single_word": false
1017
+ },
1018
+ "unk_token": {
1019
+ "content": "<unk>",
1020
+ "lstrip": false,
1021
+ "normalized": false,
1022
+ "rstrip": false,
1023
+ "single_word": false
1024
+ }
1025
+ }
tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a70ffa5b396383f0cb6d248a40f51dc823cf1eff52b33d8b6bd363a71583a5d0
3
+ size 17078136
tokenizer_config.json ADDED
The diff for this file is too large to render. See raw diff