emilss commited on
Commit
c0fc8fe
·
1 Parent(s): cb8511b

Add model files

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
LICENSE CHANGED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ MIT License
2
+
3
+ Copyright (c) 2023 DeepSeek
4
+
5
+ Permission is hereby granted, free of charge, to any person obtaining a copy
6
+ of this software and associated documentation files (the "Software"), to deal
7
+ in the Software without restriction, including without limitation the rights
8
+ to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
9
+ copies of the Software, and to permit persons to whom the Software is
10
+ furnished to do so, subject to the following conditions:
11
+
12
+ The above copyright notice and this permission notice shall be included in all
13
+ copies or substantial portions of the Software.
14
+
15
+ THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
16
+ IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
17
+ FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
18
+ AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
19
+ LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
20
+ OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
21
+ SOFTWARE.
README.md CHANGED
@@ -1,5 +1,52 @@
1
  ---
2
  license: mit
3
- license_name: deepseek
4
  license_link: LICENSE
5
- ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  ---
2
  license: mit
3
+ license_name: MIT
4
  license_link: LICENSE
5
+ library_name: transformers
6
+ tags:
7
+ - fp8
8
+ - vllm
9
+ language:
10
+ - en
11
+ - de
12
+ - fr
13
+ - it
14
+ - pt
15
+ - hi
16
+ - es
17
+ - th
18
+ pipeline_tag: text-generation
19
+ base_model: deepseek-ai/DeepSeek-R1-Distill-Qwen-14B
20
+ ---
21
+
22
+ # DeepSeek-R1-Distill-Qwen-14B-FP8
23
+
24
+ FP8-quantized version of [DeepSeek-R1-Distill-Qwen-14B](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Qwen-14B), optimized for inference with vLLM. The quantization reduces the model's memory footprint by approximately 50%.
25
+
26
+ ## Model Overview
27
+
28
+ - **Base Model**: DeepSeek-R1-Distill-Qwen-14B
29
+ - **Quantization**: FP8 (weights and activations)
30
+ - **Memory Reduction**: ~50% (from 16-bit to 8-bit)
31
+ - **License**: MIT License (following original model's license)
32
+
33
+ ## Compression Details
34
+
35
+ Compressed using [LLM Compressor](https://github.com/vllm-project/llm-compressor) with:
36
+
37
+ - 512 calibration samples from UltraChat
38
+ - Symmetric per-tensor quantization
39
+ - Applied to linear operators within transformer blocks
40
+
41
+ The compression script is available in `compress.py`.
42
+
43
+ ## Requirements
44
+
45
+ - vLLM
46
+ - transformers
47
+ - torch
48
+ - accelerate
49
+
50
+ ## Note
51
+
52
+ This is an experimental compression of the model. Performance metrics and optimal usage parameters have not been thoroughly tested yet.
compress.py ADDED
@@ -0,0 +1,113 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import torch
2
+ from datasets import load_dataset
3
+ from transformers import AutoTokenizer
4
+ from llmcompressor.transformers import SparseAutoModelForCausalLM, oneshot
5
+ from llmcompressor.transformers.compression.helpers import calculate_offload_device_map
6
+ import gc
7
+
8
+ torch.cuda.empty_cache()
9
+ torch.backends.cuda.matmul.allow_tf32 = True
10
+ torch.backends.cudnn.allow_tf32 = True
11
+
12
+ recipe = """
13
+ quant_stage:
14
+ quant_modifiers:
15
+ QuantizationModifier:
16
+ ignore: ["lm_head"]
17
+ config_groups:
18
+ group_0:
19
+ weights:
20
+ num_bits: 8
21
+ type: float
22
+ strategy: tensor
23
+ dynamic: false
24
+ symmetric: true
25
+ input_activations:
26
+ num_bits: 8
27
+ type: float
28
+ strategy: tensor
29
+ dynamic: false
30
+ symmetric: true
31
+ targets: ["Linear"]
32
+ """
33
+
34
+ model_stub = "deepseek-ai/DeepSeek-R1-Distill-Qwen-14B"
35
+ model_name = model_stub.split("/")[-1]
36
+
37
+ device_map = calculate_offload_device_map(
38
+ model_stub,
39
+ reserve_for_hessians=True,
40
+ num_gpus=1,
41
+ torch_dtype=torch.bfloat16,
42
+ max_memory={0: "18GiB", "cpu": "96GiB"}
43
+ )
44
+
45
+ model = SparseAutoModelForCausalLM.from_pretrained(
46
+ model_stub,
47
+ torch_dtype=torch.bfloat16,
48
+ device_map=device_map,
49
+ low_cpu_mem_usage=True,
50
+ offload_folder="offload_folder",
51
+ offload_state_dict=True
52
+ )
53
+
54
+ torch.cuda.empty_cache()
55
+ gc.collect()
56
+
57
+ tokenizer = AutoTokenizer.from_pretrained(model_stub)
58
+
59
+ output_dir = f"./{model_name}-FP8"
60
+
61
+ NUM_CALIBRATION_SAMPLES = 256
62
+ MAX_SEQUENCE_LENGTH = 2048
63
+
64
+ raw_dataset = load_dataset(
65
+ "HuggingFaceH4/ultrachat_200k",
66
+ split="train_sft"
67
+ )
68
+ raw_dataset = raw_dataset.select(range(min(NUM_CALIBRATION_SAMPLES, len(raw_dataset))))
69
+
70
+ def preprocess_function(examples):
71
+ texts = [tokenizer.apply_chat_template(messages, tokenize=False)
72
+ for messages in examples["messages"]]
73
+
74
+ tokenized = tokenizer(
75
+ texts,
76
+ max_length=MAX_SEQUENCE_LENGTH,
77
+ padding="max_length",
78
+ truncation=True,
79
+ return_tensors="pt"
80
+ )
81
+
82
+ tokenized["labels"] = tokenized["input_ids"].clone()
83
+
84
+ return tokenized
85
+
86
+ processed_dataset = raw_dataset.map(
87
+ preprocess_function,
88
+ batched=True,
89
+ remove_columns=raw_dataset.column_names,
90
+ desc="Processing dataset",
91
+ )
92
+
93
+ oneshot(
94
+ model=model,
95
+ output_dir=output_dir,
96
+ dataset=processed_dataset,
97
+ recipe=recipe,
98
+ max_seq_length=MAX_SEQUENCE_LENGTH,
99
+ num_calibration_samples=NUM_CALIBRATION_SAMPLES,
100
+ per_device_train_batch_size=1,
101
+ gradient_accumulation_steps=4,
102
+ fp16=False,
103
+ bf16=True,
104
+ save_compressed=True,
105
+ learning_rate=1e-5,
106
+ num_train_epochs=1,
107
+ logging_steps=10,
108
+ save_strategy="no",
109
+ remove_unused_columns=False,
110
+ push_to_hub=False,
111
+ preprocessing_num_workers=4,
112
+ dataloader_num_workers=2
113
+ )
compress.sh ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #!/bin/bash
2
+
3
+ export PYTORCH_CUDA_ALLOC_CONF="max_split_size_mb:128,garbage_collection_threshold:0.6,expandable_segments:True"
4
+ export CUDA_MODULE_LOADING=LAZY
5
+ export CUDA_VISIBLE_DEVICES=0
6
+
7
+ export TRANSFORMERS_VERBOSITY=info
8
+ export DATASETS_VERBOSITY=info
9
+
10
+ echo "Starting compression at $(date)"
11
+ python compress.py 2>&1 | tee compression_log.txt
12
+
config.json ADDED
@@ -0,0 +1,71 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "deepseek-ai/DeepSeek-R1-Distill-Qwen-14B",
3
+ "architectures": [
4
+ "Qwen2ForCausalLM"
5
+ ],
6
+ "attention_dropout": 0.0,
7
+ "bos_token_id": 151643,
8
+ "eos_token_id": 151643,
9
+ "hidden_act": "silu",
10
+ "hidden_size": 5120,
11
+ "initializer_range": 0.02,
12
+ "intermediate_size": 13824,
13
+ "max_position_embeddings": 131072,
14
+ "max_window_layers": 48,
15
+ "model_type": "qwen2",
16
+ "num_attention_heads": 40,
17
+ "num_hidden_layers": 48,
18
+ "num_key_value_heads": 8,
19
+ "quantization_config": {
20
+ "config_groups": {
21
+ "group_0": {
22
+ "input_activations": {
23
+ "actorder": null,
24
+ "block_structure": null,
25
+ "dynamic": false,
26
+ "group_size": null,
27
+ "num_bits": 8,
28
+ "observer": "minmax",
29
+ "observer_kwargs": {},
30
+ "strategy": "tensor",
31
+ "symmetric": true,
32
+ "type": "float"
33
+ },
34
+ "output_activations": null,
35
+ "targets": [
36
+ "Linear"
37
+ ],
38
+ "weights": {
39
+ "actorder": null,
40
+ "block_structure": null,
41
+ "dynamic": false,
42
+ "group_size": null,
43
+ "num_bits": 8,
44
+ "observer": "minmax",
45
+ "observer_kwargs": {},
46
+ "strategy": "tensor",
47
+ "symmetric": true,
48
+ "type": "float"
49
+ }
50
+ }
51
+ },
52
+ "format": "float-quantized",
53
+ "global_compression_ratio": 1.5316455510961053,
54
+ "ignore": [
55
+ "lm_head"
56
+ ],
57
+ "kv_cache_scheme": null,
58
+ "quant_method": "compressed-tensors",
59
+ "quantization_status": "compressed"
60
+ },
61
+ "rms_norm_eps": 1e-05,
62
+ "rope_scaling": null,
63
+ "rope_theta": 1000000.0,
64
+ "sliding_window": null,
65
+ "tie_word_embeddings": false,
66
+ "torch_dtype": "bfloat16",
67
+ "transformers_version": "4.48.1",
68
+ "use_cache": true,
69
+ "use_sliding_window": false,
70
+ "vocab_size": 152064
71
+ }
generation_config.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_from_model_config": true,
3
+ "bos_token_id": 151646,
4
+ "do_sample": true,
5
+ "eos_token_id": 151643,
6
+ "temperature": 0.6,
7
+ "top_p": 0.95,
8
+ "transformers_version": "4.48.1"
9
+ }
model-00001-of-00004.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0deadfc514ec378d7f319a609ecb13dc02ceca83b33918f5c06d7ae8019f9044
3
+ size 4994313652
model-00002-of-00004.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bd9d23bb6d38b73dae851ec20467bf7e2d6ec9510b4d51e16edb8c744ab1eca9
3
+ size 4955199952
model-00003-of-00004.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cb4062189a74485e6ac8a40d73dcecb2a4c134a20f1899df6f5a137eb7b5aa2f
3
+ size 4821500500
model-00004-of-00004.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:86de18dbfacc651b42c3828fd70aadbce3f2e3cb9ba8bc27b2c38634caa033d4
3
+ size 1557135488
model.safetensors.index.json ADDED
The diff for this file is too large to render. See raw diff
 
recipe.yaml ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ quant_stage:
2
+ quant_modifiers:
3
+ QuantizationModifier:
4
+ ignore: [lm_head]
5
+ config_groups:
6
+ group_0:
7
+ weights: {num_bits: 8, type: float, strategy: tensor, dynamic: false, symmetric: true}
8
+ input_activations: {num_bits: 8, type: float, strategy: tensor, dynamic: false,
9
+ symmetric: true}
10
+ targets: [Linear]
special_tokens_map.json ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<|begin▁of▁sentence|>",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "eos_token": {
10
+ "content": "<|end▁of▁sentence|>",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "<|end▁of▁sentence|>",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ }
23
+ }
tokenizer_config.json ADDED
@@ -0,0 +1,195 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": true,
3
+ "add_eos_token": false,
4
+ "add_prefix_space": null,
5
+ "added_tokens_decoder": {
6
+ "151643": {
7
+ "content": "<|end▁of▁sentence|>",
8
+ "lstrip": false,
9
+ "normalized": false,
10
+ "rstrip": false,
11
+ "single_word": false,
12
+ "special": true
13
+ },
14
+ "151644": {
15
+ "content": "<|User|>",
16
+ "lstrip": false,
17
+ "normalized": false,
18
+ "rstrip": false,
19
+ "single_word": false,
20
+ "special": false
21
+ },
22
+ "151645": {
23
+ "content": "<|Assistant|>",
24
+ "lstrip": false,
25
+ "normalized": false,
26
+ "rstrip": false,
27
+ "single_word": false,
28
+ "special": false
29
+ },
30
+ "151646": {
31
+ "content": "<|begin▁of▁sentence|>",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false,
36
+ "special": true
37
+ },
38
+ "151647": {
39
+ "content": "<|EOT|>",
40
+ "lstrip": false,
41
+ "normalized": false,
42
+ "rstrip": false,
43
+ "single_word": false,
44
+ "special": false
45
+ },
46
+ "151648": {
47
+ "content": "<think>",
48
+ "lstrip": false,
49
+ "normalized": false,
50
+ "rstrip": false,
51
+ "single_word": false,
52
+ "special": false
53
+ },
54
+ "151649": {
55
+ "content": "</think>",
56
+ "lstrip": false,
57
+ "normalized": false,
58
+ "rstrip": false,
59
+ "single_word": false,
60
+ "special": false
61
+ },
62
+ "151650": {
63
+ "content": "<|quad_start|>",
64
+ "lstrip": false,
65
+ "normalized": false,
66
+ "rstrip": false,
67
+ "single_word": false,
68
+ "special": true
69
+ },
70
+ "151651": {
71
+ "content": "<|quad_end|>",
72
+ "lstrip": false,
73
+ "normalized": false,
74
+ "rstrip": false,
75
+ "single_word": false,
76
+ "special": true
77
+ },
78
+ "151652": {
79
+ "content": "<|vision_start|>",
80
+ "lstrip": false,
81
+ "normalized": false,
82
+ "rstrip": false,
83
+ "single_word": false,
84
+ "special": true
85
+ },
86
+ "151653": {
87
+ "content": "<|vision_end|>",
88
+ "lstrip": false,
89
+ "normalized": false,
90
+ "rstrip": false,
91
+ "single_word": false,
92
+ "special": true
93
+ },
94
+ "151654": {
95
+ "content": "<|vision_pad|>",
96
+ "lstrip": false,
97
+ "normalized": false,
98
+ "rstrip": false,
99
+ "single_word": false,
100
+ "special": true
101
+ },
102
+ "151655": {
103
+ "content": "<|image_pad|>",
104
+ "lstrip": false,
105
+ "normalized": false,
106
+ "rstrip": false,
107
+ "single_word": false,
108
+ "special": true
109
+ },
110
+ "151656": {
111
+ "content": "<|video_pad|>",
112
+ "lstrip": false,
113
+ "normalized": false,
114
+ "rstrip": false,
115
+ "single_word": false,
116
+ "special": true
117
+ },
118
+ "151657": {
119
+ "content": "<tool_call>",
120
+ "lstrip": false,
121
+ "normalized": false,
122
+ "rstrip": false,
123
+ "single_word": false,
124
+ "special": false
125
+ },
126
+ "151658": {
127
+ "content": "</tool_call>",
128
+ "lstrip": false,
129
+ "normalized": false,
130
+ "rstrip": false,
131
+ "single_word": false,
132
+ "special": false
133
+ },
134
+ "151659": {
135
+ "content": "<|fim_prefix|>",
136
+ "lstrip": false,
137
+ "normalized": false,
138
+ "rstrip": false,
139
+ "single_word": false,
140
+ "special": false
141
+ },
142
+ "151660": {
143
+ "content": "<|fim_middle|>",
144
+ "lstrip": false,
145
+ "normalized": false,
146
+ "rstrip": false,
147
+ "single_word": false,
148
+ "special": false
149
+ },
150
+ "151661": {
151
+ "content": "<|fim_suffix|>",
152
+ "lstrip": false,
153
+ "normalized": false,
154
+ "rstrip": false,
155
+ "single_word": false,
156
+ "special": false
157
+ },
158
+ "151662": {
159
+ "content": "<|fim_pad|>",
160
+ "lstrip": false,
161
+ "normalized": false,
162
+ "rstrip": false,
163
+ "single_word": false,
164
+ "special": false
165
+ },
166
+ "151663": {
167
+ "content": "<|repo_name|>",
168
+ "lstrip": false,
169
+ "normalized": false,
170
+ "rstrip": false,
171
+ "single_word": false,
172
+ "special": false
173
+ },
174
+ "151664": {
175
+ "content": "<|file_sep|>",
176
+ "lstrip": false,
177
+ "normalized": false,
178
+ "rstrip": false,
179
+ "single_word": false,
180
+ "special": false
181
+ }
182
+ },
183
+ "bos_token": "<|begin▁of▁sentence|>",
184
+ "chat_template": "{% if not add_generation_prompt is defined %}{% set add_generation_prompt = false %}{% endif %}{% set ns = namespace(is_first=false, is_tool=false, is_output_first=true, system_prompt='') %}{%- for message in messages %}{%- if message['role'] == 'system' %}{% set ns.system_prompt = message['content'] %}{%- endif %}{%- endfor %}{{bos_token}}{{ns.system_prompt}}{%- for message in messages %}{%- if message['role'] == 'user' %}{%- set ns.is_tool = false -%}{{'<|User|>' + message['content']}}{%- endif %}{%- if message['role'] == 'assistant' and message['content'] is none %}{%- set ns.is_tool = false -%}{%- for tool in message['tool_calls']%}{%- if not ns.is_first %}{{'<|Assistant|><|tool▁calls▁begin|><|tool▁call▁begin��>' + tool['type'] + '<|tool▁sep|>' + tool['function']['name'] + '\\n' + '```json' + '\\n' + tool['function']['arguments'] + '\\n' + '```' + '<|tool▁call▁end|>'}}{%- set ns.is_first = true -%}{%- else %}{{'\\n' + '<|tool▁call▁begin|>' + tool['type'] + '<|tool▁sep|>' + tool['function']['name'] + '\\n' + '```json' + '\\n' + tool['function']['arguments'] + '\\n' + '```' + '<|tool▁call▁end|>'}}{{'<|tool▁calls▁end|><|end▁of▁sentence|>'}}{%- endif %}{%- endfor %}{%- endif %}{%- if message['role'] == 'assistant' and message['content'] is not none %}{%- if ns.is_tool %}{{'<|tool▁outputs▁end|>' + message['content'] + '<|end▁of▁sentence|>'}}{%- set ns.is_tool = false -%}{%- else %}{% set content = message['content'] %}{% if '</think>' in content %}{% set content = content.split('</think>')[-1] %}{% endif %}{{'<|Assistant|>' + content + '<|end▁of▁sentence|>'}}{%- endif %}{%- endif %}{%- if message['role'] == 'tool' %}{%- set ns.is_tool = true -%}{%- if ns.is_output_first %}{{'<|tool▁outputs▁begin|><|tool▁output▁begin|>' + message['content'] + '<|tool▁output▁end|>'}}{%- set ns.is_output_first = false %}{%- else %}{{'\\n<|tool▁output▁begin|>' + message['content'] + '<|tool▁output▁end|>'}}{%- endif %}{%- endif %}{%- endfor -%}{% if ns.is_tool %}{{'<|tool▁outputs▁end|>'}}{% endif %}{% if add_generation_prompt and not ns.is_tool %}{{'<|Assistant|>'}}{% endif %}",
185
+ "clean_up_tokenization_spaces": false,
186
+ "eos_token": "<|end▁of▁sentence|>",
187
+ "extra_special_tokens": {},
188
+ "legacy": true,
189
+ "model_max_length": 16384,
190
+ "pad_token": "<|end▁of▁sentence|>",
191
+ "sp_model_kwargs": {},
192
+ "tokenizer_class": "LlamaTokenizer",
193
+ "unk_token": null,
194
+ "use_default_system_prompt": false
195
+ }