Downtown-Case commited on
Commit
c248291
1 Parent(s): ff38b38

Upload folder using huggingface_hub

Browse files
README.md ADDED
@@ -0,0 +1,161 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ pipeline_tag: text-generation
4
+ ---
5
+ # InternLM-Llamafied
6
+
7
+ This is the internLM 2.5 base model, llamafied with Charles Goddard's conversion script, and with the llama 3.1 rope config hacked in.
8
+
9
+ I have no idea if it works above (or below!) its native 256K context yet! Good luck.
10
+
11
+ Original description:
12
+
13
+ # InternLM
14
+
15
+ <div align="center">
16
+
17
+ <img src="https://github.com/InternLM/InternLM/assets/22529082/b9788105-8892-4398-8b47-b513a292378e" width="200"/>
18
+ <div>&nbsp;</div>
19
+ <div align="center">
20
+ <b><font size="5">InternLM</font></b>
21
+ <sup>
22
+ <a href="https://internlm.intern-ai.org.cn/">
23
+ <i><font size="4">HOT</font></i>
24
+ </a>
25
+ </sup>
26
+ <div>&nbsp;</div>
27
+ </div>
28
+
29
+ [![evaluation](https://github.com/InternLM/InternLM/assets/22529082/f80a2a58-5ddf-471a-8da4-32ab65c8fd3b)](https://github.com/internLM/OpenCompass/)
30
+
31
+ [💻Github Repo](https://github.com/InternLM/InternLM) • [🤔Reporting Issues](https://github.com/InternLM/InternLM/issues/new) • [📜Technical Report](https://arxiv.org/abs/2403.17297)
32
+
33
+ </div>
34
+
35
+
36
+ ## Introduction
37
+ While maintaining the InternLM2 architecture, various new technical explorations have been conducted, resulting in the next-generation model, InternLM2.5. InternLM2.5 leverages a large amount of synthetic data and continuously uses the InternLM for the iterative process of the model, thanks to the model's capability flywheel. The base model of InternLM2.5 has the following technical characteristics:
38
+
39
+ - Outstanding reasoning capability: Compared to InternLM2, the reasoning performance of InternLM2.5 has been improved by 20%;
40
+ - 1M Context window: Achieving near full accuracy in "finding a needle in a haystack" within a 1M context, and reaching leading levels among models of the same scale on LongBench and L-Eval.
41
+
42
+ ## InternLM2.5-20B
43
+
44
+ ### Performance Evaluation
45
+
46
+ We have evaluated InternLM2.5 on several important benchmarks using the open-source evaluation tool [OpenCompass](https://github.com/open-compass/opencompass). Some of the evaluation results are shown in the table below. You are welcome to visit the [OpenCompass Leaderboard](https://rank.opencompass.org.cn) for more evaluation results.
47
+
48
+ | Benchmark | InternLM2.5-20B | InternLM2-20B |
49
+ |-----------|-----------------|---------------|
50
+ | MMLU | 74.25 | 67.58 |
51
+ | CMMLU | 82.22 | 68.29 |
52
+ | BBH | 77.82 | 71.36 |
53
+ | MATH | 48 | 32.66 |
54
+ | HUMANEVAL | 71.95 | 51.22 |
55
+ | GPQA | 37.88 | 31.31 |
56
+
57
+ - The evaluation results were obtained from [OpenCompass](https://github.com/open-compass/opencompass) , and evaluation configuration can be found in the configuration files provided by [OpenCompass](https://github.com/open-compass/opencompass).
58
+ - The evaluation data may have numerical differences due to the version iteration of [OpenCompass](https://github.com/open-compass/opencompass), so please refer to the latest evaluation results of [OpenCompass](https://github.com/open-compass/opencompass).
59
+
60
+
61
+
62
+ **Limitations:** Although we have made efforts to ensure the safety of the model during the training process and to encourage the model to generate text that complies with ethical and legal requirements, the model may still produce unexpected outputs due to its size and probabilistic generation paradigm. For example, the generated responses may contain biases, discrimination, or other harmful content. Please do not propagate such content. We are not responsible for any consequences resulting from the dissemination of harmful information.
63
+
64
+ ### Import from Transformers
65
+ To load the InternLM2.5-20B model using Transformers, use the following code:
66
+ ```python
67
+ import torch
68
+ from transformers import AutoTokenizer, AutoModelForCausalLM
69
+ tokenizer = AutoTokenizer.from_pretrained("internlm/internlm2_5-20b", trust_remote_code=True)
70
+ # Set `torch_dtype=torch.float16` to load model in float16, otherwise it will be loaded as float32 and might cause OOM Error.
71
+ model = AutoModelForCausalLM.from_pretrained("internlm/internlm2_5-20b", torch_dtype=torch.float16, trust_remote_code=True).cuda()
72
+ model = model.eval()
73
+ inputs = tokenizer(["A beautiful flower"], return_tensors="pt")
74
+ for k,v in inputs.items():
75
+ inputs[k] = v.cuda()
76
+ gen_kwargs = {"max_length": 128, "top_p": 0.8, "temperature": 0.8, "do_sample": True, "repetition_penalty": 1.0}
77
+ output = model.generate(**inputs, **gen_kwargs)
78
+ output = tokenizer.decode(output[0].tolist(), skip_special_tokens=True)
79
+ print(output)
80
+ ```
81
+
82
+ ## Open Source License
83
+
84
+ The code is licensed under Apache-2.0, while model weights are fully open for academic research and also allow **free** commercial usage. To apply for a commercial license, please fill in the [application form (English)](https://wj.qq.com/s2/12727483/5dba/)/[申请表(中文)](https://wj.qq.com/s2/12725412/f7c1/). For other questions or collaborations, please contact <[email protected]>.
85
+
86
+ ## Citation
87
+
88
+ ```
89
+ @misc{cai2024internlm2,
90
+ title={InternLM2 Technical Report},
91
+ author={Zheng Cai and Maosong Cao and Haojiong Chen and Kai Chen and Keyu Chen and Xin Chen and Xun Chen and Zehui Chen and Zhi Chen and Pei Chu and Xiaoyi Dong and Haodong Duan and Qi Fan and Zhaoye Fei and Yang Gao and Jiaye Ge and Chenya Gu and Yuzhe Gu and Tao Gui and Aijia Guo and Qipeng Guo and Conghui He and Yingfan Hu and Ting Huang and Tao Jiang and Penglong Jiao and Zhenjiang Jin and Zhikai Lei and Jiaxing Li and Jingwen Li and Linyang Li and Shuaibin Li and Wei Li and Yining Li and Hongwei Liu and Jiangning Liu and Jiawei Hong and Kaiwen Liu and Kuikun Liu and Xiaoran Liu and Chengqi Lv and Haijun Lv and Kai Lv and Li Ma and Runyuan Ma and Zerun Ma and Wenchang Ning and Linke Ouyang and Jiantao Qiu and Yuan Qu and Fukai Shang and Yunfan Shao and Demin Song and Zifan Song and Zhihao Sui and Peng Sun and Yu Sun and Huanze Tang and Bin Wang and Guoteng Wang and Jiaqi Wang and Jiayu Wang and Rui Wang and Yudong Wang and Ziyi Wang and Xingjian Wei and Qizhen Weng and Fan Wu and Yingtong Xiong and Chao Xu and Ruiliang Xu and Hang Yan and Yirong Yan and Xiaogui Yang and Haochen Ye and Huaiyuan Ying and Jia Yu and Jing Yu and Yuhang Zang and Chuyu Zhang and Li Zhang and Pan Zhang and Peng Zhang and Ruijie Zhang and Shuo Zhang and Songyang Zhang and Wenjian Zhang and Wenwei Zhang and Xingcheng Zhang and Xinyue Zhang and Hui Zhao and Qian Zhao and Xiaomeng Zhao and Fengzhe Zhou and Zaida Zhou and Jingming Zhuo and Yicheng Zou and Xipeng Qiu and Yu Qiao and Dahua Lin},
92
+ year={2024},
93
+ eprint={2403.17297},
94
+ archivePrefix={arXiv},
95
+ primaryClass={cs.CL}
96
+ }
97
+ ```
98
+
99
+ ## 简介
100
+ 在保持 InternLM2 架构的同时进行了多方面新的技术探索,得到新一代模型 InternLM2.5 ,新一代 InternLM2.5 利用了大量合成数据,并借助模型能力飞轮不断将 InternLM 用于模型的迭代过程。InternLM2.5 的基础模型具有以下的技术特点:
101
+
102
+ - 推理提升20%:相较于 InternLM2,InternLM2.5的推理性能提升了20%;
103
+ - 1M上下文:有效支持100万字超长上下文,在1M上下文的 “大海捞针” 实现全绿,并且在LongBench和L-Eval达到同量级模型领先水平。
104
+
105
+
106
+ ## InternLM2.5-20B
107
+
108
+ ### 性能评测
109
+
110
+ 我们使用开源评测工具 [OpenCompass](https://github.com/internLM/OpenCompass/) 对 InternLM2.5 在几个重要的评测集进行了评测 ,部分评测结果如下表所示,欢迎访问[ OpenCompass 榜单 ](https://rank.opencompass.org.cn)获取更多的评测结果。
111
+
112
+ | Benchmark | InternLM2.5-20B | InternLM2-20B |
113
+ |-----------|-----------------|---------------|
114
+ | MMLU | 74.25 | 67.58 |
115
+ | CMMLU | 82.22 | 68.29 |
116
+ | BBH | 77.82 | 71.36 |
117
+ | MATH | 48 | 32.66 |
118
+ | HUMANEVAL | 71.95 | 51.22 |
119
+ | GPQA | 37.88 | 31.31 |
120
+
121
+
122
+ - 以上评测结果基于 [OpenCompass](https://github.com/open-compass/opencompass) 获得(部分数据标注`*`代表数据来自原始论文),具体测试细节可参见 [OpenCompass](https://github.com/open-compass/opencompass) 中提供的配置文件。
123
+ - 评测数据会因 [OpenCompass](https://github.com/open-compass/opencompass) 的版本迭代而存在数值差异,请以 [OpenCompass](https://github.com/open-compass/opencompass) 最新版的评测结果为主。
124
+
125
+
126
+ **局限性:** 尽管在训练过程中我们非常注重模型的安全性,尽力促使模型输出符合伦理和法律要求的文本,但受限于模型大小以及概率生成范式,模型可能会产生各种不符合预期的输出,例如回复内容包含偏见、歧视等有害内容,请勿传播这些内容。由于传播不良信息导致的任何后果,本项目不承担责任。
127
+
128
+ ### 通过 Transformers 加载
129
+ 通过以下的代码加载 InternLM2.5-20B 模型进行文本续写
130
+ ```python
131
+ import torch
132
+ from transformers import AutoTokenizer, AutoModelForCausalLM
133
+ tokenizer = AutoTokenizer.from_pretrained("internlm/internlm2_5-20b", trust_remote_code=True)
134
+ # `torch_dtype=torch.float16` 可以令模型以 float16 精度加载,否则 transformers 会将模型加载为 float32,有可能导致显存不足
135
+ model = AutoModelForCausalLM.from_pretrained("internlm/internlm2_5-20b", torch_dtype=torch.float16, trust_remote_code=True).cuda()
136
+ model = model.eval()
137
+ inputs = tokenizer(["来到美丽的大自然"], return_tensors="pt")
138
+ for k,v in inputs.items():
139
+ inputs[k] = v.cuda()
140
+ gen_kwargs = {"max_length": 128, "top_p": 0.8, "temperature": 0.8, "do_sample": True, "repetition_penalty": 1.0}
141
+ output = model.generate(**inputs, **gen_kwargs)
142
+ output = tokenizer.decode(output[0].tolist(), skip_special_tokens=True)
143
+ print(output)
144
+ ```
145
+
146
+ ## 开源许可证
147
+
148
+ 本仓库的代码依照 Apache-2.0 协议开源。模型权重对学术研究完全开放,也可申请免费的商业使用授权([申请表](https://wj.qq.com/s2/12725412/f7c1/))。其他问题与合作请联系 <[email protected]>。
149
+
150
+ ## 引用
151
+
152
+ ```
153
+ @misc{cai2024internlm2,
154
+ title={InternLM2 Technical Report},
155
+ author={Zheng Cai and Maosong Cao and Haojiong Chen and Kai Chen and Keyu Chen and Xin Chen and Xun Chen and Zehui Chen and Zhi Chen and Pei Chu and Xiaoyi Dong and Haodong Duan and Qi Fan and Zhaoye Fei and Yang Gao and Jiaye Ge and Chenya Gu and Yuzhe Gu and Tao Gui and Aijia Guo and Qipeng Guo and Conghui He and Yingfan Hu and Ting Huang and Tao Jiang and Penglong Jiao and Zhenjiang Jin and Zhikai Lei and Jiaxing Li and Jingwen Li and Linyang Li and Shuaibin Li and Wei Li and Yining Li and Hongwei Liu and Jiangning Liu and Jiawei Hong and Kaiwen Liu and Kuikun Liu and Xiaoran Liu and Chengqi Lv and Haijun Lv and Kai Lv and Li Ma and Runyuan Ma and Zerun Ma and Wenchang Ning and Linke Ouyang and Jiantao Qiu and Yuan Qu and Fukai Shang and Yunfan Shao and Demin Song and Zifan Song and Zhihao Sui and Peng Sun and Yu Sun and Huanze Tang and Bin Wang and Guoteng Wang and Jiaqi Wang and Jiayu Wang and Rui Wang and Yudong Wang and Ziyi Wang and Xingjian Wei and Qizhen Weng and Fan Wu and Yingtong Xiong and Chao Xu and Ruiliang Xu and Hang Yan and Yirong Yan and Xiaogui Yang and Haochen Ye and Huaiyuan Ying and Jia Yu and Jing Yu and Yuhang Zang and Chuyu Zhang and Li Zhang and Pan Zhang and Peng Zhang and Ruijie Zhang and Shuo Zhang and Songyang Zhang and Wenjian Zhang and Wenwei Zhang and Xingcheng Zhang and Xinyue Zhang and Hui Zhao and Qian Zhao and Xiaomeng Zhao and Fengzhe Zhou and Zaida Zhou and Jingming Zhuo and Yicheng Zou and Xipeng Qiu and Yu Qiao and Dahua Lin},
156
+ year={2024},
157
+ eprint={2403.17297},
158
+ archivePrefix={arXiv},
159
+ primaryClass={cs.CL}
160
+ }
161
+ ```
added_tokens.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "[UNUSED_TOKEN_141]": 92544,
3
+ "[UNUSED_TOKEN_142]": 92545,
4
+ "[UNUSED_TOKEN_143]": 92546,
5
+ "[UNUSED_TOKEN_144]": 92547,
6
+ "[UNUSED_TOKEN_145]": 92548,
7
+ "[UNUSED_TOKEN_146]": 92549
8
+ }
config.json ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/home/a/Models/Raw/internlm_internlm2_5-20b",
3
+ "architectures": [
4
+ "LlamaForCausalLM"
5
+ ],
6
+ "attn_implementation": "eager",
7
+ "bias": false,
8
+ "bos_token_id": 1,
9
+ "eos_token_id": 2,
10
+ "hidden_act": "silu",
11
+ "hidden_size": 6144,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 16384,
14
+ "max_position_embeddings": 262144,
15
+ "model_type": "llama",
16
+ "num_attention_heads": 48,
17
+ "num_hidden_layers": 48,
18
+ "num_key_value_heads": 8,
19
+ "pad_token_id": 2,
20
+ "rms_norm_eps": 1e-05,
21
+ "rope_scaling": {
22
+ "factor": 2.0,
23
+ "low_freq_factor": 1.0,
24
+ "high_freq_factor": 1.0,
25
+ "original_max_position_embeddings": 262144,
26
+ "rope_type": "llama3"
27
+ },
28
+ "rope_theta": 50000000,
29
+ "tie_word_embeddings": false,
30
+ "torch_dtype": "bfloat16",
31
+ "transformers_version": "4.42.4",
32
+ "use_cache": true,
33
+ "vocab_size": 92544
34
+ }
convert_weights_internlm.py ADDED
@@ -0,0 +1,101 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #!/usr/bin/env python3
2
+ # 1/17/2024
3
+ # Charles O. Goddard
4
+ # https://huggingface.co/chargoddard/internlm2-7b-llama/raw/main/convert_weights.py
5
+ """Convert internlm2 weights to Llama format."""
6
+
7
+ import json
8
+ import os
9
+ import einops
10
+ import tqdm
11
+ from mergekit.io import LazyTensorLoader, TensorWriter
12
+ from mergekit.common import ModelReference
13
+ from transformers import LlamaTokenizer
14
+
15
+ MODEL_IN = "/home/alpha/Models/Raw/internlm_internlm2_5-20b"
16
+ OUT_PATH = "/home/alpha/Models/Raw/internlm_internlm2_5-20b-llama-3.1-ified"
17
+
18
+ model_ref = ModelReference.parse(MODEL_IN)
19
+ cfg = model_ref.config(trust_remote_code=True)
20
+ head_dim = cfg.hidden_size // cfg.num_attention_heads
21
+ num_key_value_groups = cfg.num_attention_heads // cfg.num_key_value_heads
22
+ loader = LazyTensorLoader(model_ref.tensor_index(), lazy_unpickle=True)
23
+ writer = TensorWriter(OUT_PATH)
24
+
25
+ SIMPLE_REPLACEMENTS = {
26
+ "feed_forward.w1": "mlp.gate_proj",
27
+ "feed_forward.w2": "mlp.down_proj",
28
+ "feed_forward.w3": "mlp.up_proj",
29
+ "attention.wo": "self_attn.o_proj",
30
+ "ffn_norm": "post_attention_layernorm",
31
+ "attention_norm": "input_layernorm",
32
+ "tok_embeddings": "embed_tokens",
33
+ "output.weight": "lm_head.weight",
34
+ }
35
+
36
+ for tensor_name in tqdm.tqdm(loader.index.tensor_paths):
37
+ tensor = loader.get_tensor(tensor_name)
38
+ if "attention.wqkv" in tensor_name:
39
+ # make me think about tensor shapes will you >:(
40
+
41
+ # ((cfg.num_attention_heads + 2 * cfg.num_key_value_heads) * head_dim, cfg.hidden_size) x (batch_sz, sq_len, cfg.hidden_size)
42
+ # -> (batch_sz, sq_len, (cfg.num_attention_heads + 2 * cfg.num_key_value_heads) * head_dim)
43
+ # qkv_states = rearrange(
44
+ # qkv_states,
45
+ # "b q (h gs d) -> b q h gs d",
46
+ # gs=2 + self.num_key_value_groups,
47
+ # d=self.head_dim,
48
+ # )
49
+ # ->(batch_sz, sq_len, h, 2 + self.num_key_value_groups, head_dim)
50
+ qkv_vecs = einops.rearrange(
51
+ tensor, "(h gs d) z -> h gs d z", gs=2 + num_key_value_groups, d=head_dim
52
+ )
53
+ q_proj = (
54
+ qkv_vecs[:, :num_key_value_groups, ...]
55
+ .reshape(-1, cfg.hidden_size)
56
+ .contiguous()
57
+ )
58
+ k_proj = qkv_vecs[:, -2, ...].reshape(-1, cfg.hidden_size).contiguous()
59
+ v_proj = qkv_vecs[:, -1, ...].reshape(-1, cfg.hidden_size).contiguous()
60
+ assert k_proj.shape == v_proj.shape
61
+
62
+ writer.save_tensor(
63
+ tensor_name.replace("attention.wqkv", "self_attn.q_proj"),
64
+ q_proj,
65
+ clone=True,
66
+ )
67
+ writer.save_tensor(
68
+ tensor_name.replace("attention.wqkv", "self_attn.k_proj"),
69
+ k_proj,
70
+ clone=True,
71
+ )
72
+ writer.save_tensor(
73
+ tensor_name.replace("attention.wqkv", "self_attn.v_proj"),
74
+ v_proj,
75
+ clone=True,
76
+ )
77
+ continue
78
+
79
+ out_name = tensor_name
80
+ for pattern, sub in SIMPLE_REPLACEMENTS.items():
81
+ if pattern in out_name:
82
+ out_name = out_name.replace(pattern, sub)
83
+ writer.save_tensor(out_name, tensor)
84
+ writer.finalize()
85
+
86
+ cfg_dict = json.loads(cfg.to_json_string())
87
+ del cfg_dict["auto_map"]
88
+ cfg_dict["architectures"] = ["LlamaForCausalLM"]
89
+ cfg_dict["model_type"] = "llama"
90
+ # if "rope_scaling" in cfg_dict and cfg_dict["rope_scaling"]["factor"] == 1.0:
91
+ # del cfg_dict["rope_scaling"]
92
+ with open(os.path.join(OUT_PATH, "config.json"), "w", encoding="utf-8") as fp:
93
+ json.dump(cfg_dict, fp, indent=2)
94
+
95
+ # InternLMTokenizer differences:
96
+ # 1. clean_up_tokenization() hardcoded to always be called
97
+ # 2. might prepend a space to some tokens that LlamaTokenizer doesn't if they're the first token
98
+ # 1 is easy to fix, 2... is not important
99
+ tok = LlamaTokenizer.from_pretrained(MODEL_IN, trust_remote_code=False, legacy=True)
100
+ tok.clean_up_tokenization_spaces = True
101
+ tok.save_pretrained(OUT_PATH)
model-00001-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c72a7a0cdc56a42c5e6ba140eacfa8e0fa8d8b695d04758a60bb9a6832a8ad25
3
+ size 4857170656
model-00002-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:365e34d46e45d18ecdcced399b72993b074250d9a63c088ef5afdfbf4100e4d8
3
+ size 4882323752
model-00003-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d9388603c93f6e365450fc150702a0b1dd45f07579f07272d83f7b7992966006
3
+ size 4882323752
model-00004-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0ebc621119d10481ae23a5a2538859c05aba15663db67eb85932005fe9ae4a55
3
+ size 4957833736
model-00005-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:38310fe70de71cf64cad60f0aa5e79e5d59ecbfdaa3046912e16fde346a2a674
3
+ size 4982999792
model-00006-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:647b2124fa156af24b2393677d80cc93b25b51c46235c41dc62eefd697ac2a23
3
+ size 4882323744
model-00007-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:227c0d011b405f643f99f4578c94b6262f810651c032188bafd75954b0a0327e
3
+ size 4957833728
model-00008-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:47228620cde81f37c72f55012995d4b9115ffeafaa2ccccb3885094cb6013d4e
3
+ size 4182360248
model-00009-of-00009.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:60c79d2ae52fe22b848e22a4bf860d8db66cd8da7d1832e259fd16cda1d13e64
3
+ size 1137180800
model.safetensors.index.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"metadata": {"mergekit_version": "0.0.4.4", "total_size": 39722299392}, "weight_map": {"model.layers.0.self_attn.o_proj.weight": "model-00001-of-00009.safetensors", "model.layers.0.self_attn.q_proj.weight": "model-00001-of-00009.safetensors", "model.layers.0.self_attn.k_proj.weight": "model-00001-of-00009.safetensors", "model.layers.0.self_attn.v_proj.weight": "model-00001-of-00009.safetensors", "model.layers.0.input_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.0.mlp.gate_proj.weight": "model-00001-of-00009.safetensors", "model.layers.0.mlp.down_proj.weight": "model-00001-of-00009.safetensors", "model.layers.0.mlp.up_proj.weight": "model-00001-of-00009.safetensors", "model.layers.0.post_attention_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.1.self_attn.o_proj.weight": "model-00001-of-00009.safetensors", "model.layers.1.self_attn.q_proj.weight": "model-00001-of-00009.safetensors", "model.layers.1.self_attn.k_proj.weight": "model-00001-of-00009.safetensors", "model.layers.1.self_attn.v_proj.weight": "model-00001-of-00009.safetensors", "model.layers.1.input_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.1.mlp.gate_proj.weight": "model-00001-of-00009.safetensors", "model.layers.1.mlp.down_proj.weight": "model-00001-of-00009.safetensors", "model.layers.1.mlp.up_proj.weight": "model-00001-of-00009.safetensors", "model.layers.1.post_attention_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.10.self_attn.o_proj.weight": "model-00001-of-00009.safetensors", "model.layers.10.self_attn.q_proj.weight": "model-00001-of-00009.safetensors", "model.layers.10.self_attn.k_proj.weight": "model-00001-of-00009.safetensors", "model.layers.10.self_attn.v_proj.weight": "model-00001-of-00009.safetensors", "model.layers.10.input_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.10.mlp.gate_proj.weight": "model-00001-of-00009.safetensors", "model.layers.10.mlp.down_proj.weight": "model-00001-of-00009.safetensors", "model.layers.10.mlp.up_proj.weight": "model-00001-of-00009.safetensors", "model.layers.10.post_attention_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.11.self_attn.o_proj.weight": "model-00001-of-00009.safetensors", "model.layers.11.self_attn.q_proj.weight": "model-00001-of-00009.safetensors", "model.layers.11.self_attn.k_proj.weight": "model-00001-of-00009.safetensors", "model.layers.11.self_attn.v_proj.weight": "model-00001-of-00009.safetensors", "model.layers.11.input_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.11.mlp.gate_proj.weight": "model-00001-of-00009.safetensors", "model.layers.11.mlp.down_proj.weight": "model-00001-of-00009.safetensors", "model.layers.11.mlp.up_proj.weight": "model-00001-of-00009.safetensors", "model.layers.11.post_attention_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.12.self_attn.o_proj.weight": "model-00001-of-00009.safetensors", "model.layers.12.self_attn.q_proj.weight": "model-00001-of-00009.safetensors", "model.layers.12.self_attn.k_proj.weight": "model-00001-of-00009.safetensors", "model.layers.12.self_attn.v_proj.weight": "model-00001-of-00009.safetensors", "model.layers.12.input_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.12.mlp.gate_proj.weight": "model-00001-of-00009.safetensors", "model.layers.12.mlp.down_proj.weight": "model-00001-of-00009.safetensors", "model.layers.12.mlp.up_proj.weight": "model-00001-of-00009.safetensors", "model.layers.12.post_attention_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.13.self_attn.o_proj.weight": "model-00001-of-00009.safetensors", "model.layers.13.self_attn.q_proj.weight": "model-00001-of-00009.safetensors", "model.layers.13.self_attn.k_proj.weight": "model-00001-of-00009.safetensors", "model.layers.13.self_attn.v_proj.weight": "model-00001-of-00009.safetensors", "model.layers.13.input_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.13.mlp.gate_proj.weight": "model-00001-of-00009.safetensors", "model.layers.13.mlp.down_proj.weight": "model-00001-of-00009.safetensors", "model.layers.13.mlp.up_proj.weight": "model-00001-of-00009.safetensors", "model.layers.13.post_attention_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.14.self_attn.o_proj.weight": "model-00001-of-00009.safetensors", "model.layers.14.self_attn.q_proj.weight": "model-00001-of-00009.safetensors", "model.layers.14.self_attn.k_proj.weight": "model-00001-of-00009.safetensors", "model.layers.14.self_attn.v_proj.weight": "model-00001-of-00009.safetensors", "model.layers.14.input_layernorm.weight": "model-00001-of-00009.safetensors", "model.layers.14.mlp.gate_proj.weight": "model-00002-of-00009.safetensors", "model.layers.14.mlp.down_proj.weight": "model-00002-of-00009.safetensors", "model.layers.14.mlp.up_proj.weight": "model-00002-of-00009.safetensors", "model.layers.14.post_attention_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.15.self_attn.o_proj.weight": "model-00002-of-00009.safetensors", "model.layers.15.self_attn.q_proj.weight": "model-00002-of-00009.safetensors", "model.layers.15.self_attn.k_proj.weight": "model-00002-of-00009.safetensors", "model.layers.15.self_attn.v_proj.weight": "model-00002-of-00009.safetensors", "model.layers.15.input_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.15.mlp.gate_proj.weight": "model-00002-of-00009.safetensors", "model.layers.15.mlp.down_proj.weight": "model-00002-of-00009.safetensors", "model.layers.15.mlp.up_proj.weight": "model-00002-of-00009.safetensors", "model.layers.15.post_attention_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.16.self_attn.o_proj.weight": "model-00002-of-00009.safetensors", "model.layers.16.self_attn.q_proj.weight": "model-00002-of-00009.safetensors", "model.layers.16.self_attn.k_proj.weight": "model-00002-of-00009.safetensors", "model.layers.16.self_attn.v_proj.weight": "model-00002-of-00009.safetensors", "model.layers.16.input_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.16.mlp.gate_proj.weight": "model-00002-of-00009.safetensors", "model.layers.16.mlp.down_proj.weight": "model-00002-of-00009.safetensors", "model.layers.16.mlp.up_proj.weight": "model-00002-of-00009.safetensors", "model.layers.16.post_attention_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.17.self_attn.o_proj.weight": "model-00002-of-00009.safetensors", "model.layers.17.self_attn.q_proj.weight": "model-00002-of-00009.safetensors", "model.layers.17.self_attn.k_proj.weight": "model-00002-of-00009.safetensors", "model.layers.17.self_attn.v_proj.weight": "model-00002-of-00009.safetensors", "model.layers.17.input_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.17.mlp.gate_proj.weight": "model-00002-of-00009.safetensors", "model.layers.17.mlp.down_proj.weight": "model-00002-of-00009.safetensors", "model.layers.17.mlp.up_proj.weight": "model-00002-of-00009.safetensors", "model.layers.17.post_attention_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.18.self_attn.o_proj.weight": "model-00002-of-00009.safetensors", "model.layers.18.self_attn.q_proj.weight": "model-00002-of-00009.safetensors", "model.layers.18.self_attn.k_proj.weight": "model-00002-of-00009.safetensors", "model.layers.18.self_attn.v_proj.weight": "model-00002-of-00009.safetensors", "model.layers.18.input_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.18.mlp.gate_proj.weight": "model-00002-of-00009.safetensors", "model.layers.18.mlp.down_proj.weight": "model-00002-of-00009.safetensors", "model.layers.18.mlp.up_proj.weight": "model-00002-of-00009.safetensors", "model.layers.18.post_attention_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.19.self_attn.o_proj.weight": "model-00002-of-00009.safetensors", "model.layers.19.self_attn.q_proj.weight": "model-00002-of-00009.safetensors", "model.layers.19.self_attn.k_proj.weight": "model-00002-of-00009.safetensors", "model.layers.19.self_attn.v_proj.weight": "model-00002-of-00009.safetensors", "model.layers.19.input_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.19.mlp.gate_proj.weight": "model-00002-of-00009.safetensors", "model.layers.19.mlp.down_proj.weight": "model-00002-of-00009.safetensors", "model.layers.19.mlp.up_proj.weight": "model-00002-of-00009.safetensors", "model.layers.19.post_attention_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.2.self_attn.o_proj.weight": "model-00002-of-00009.safetensors", "model.layers.2.self_attn.q_proj.weight": "model-00002-of-00009.safetensors", "model.layers.2.self_attn.k_proj.weight": "model-00002-of-00009.safetensors", "model.layers.2.self_attn.v_proj.weight": "model-00002-of-00009.safetensors", "model.layers.2.input_layernorm.weight": "model-00002-of-00009.safetensors", "model.layers.2.mlp.gate_proj.weight": "model-00002-of-00009.safetensors", "model.layers.2.mlp.down_proj.weight": "model-00003-of-00009.safetensors", "model.layers.2.mlp.up_proj.weight": "model-00003-of-00009.safetensors", "model.layers.2.post_attention_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.20.self_attn.o_proj.weight": "model-00003-of-00009.safetensors", "model.layers.20.self_attn.q_proj.weight": "model-00003-of-00009.safetensors", "model.layers.20.self_attn.k_proj.weight": "model-00003-of-00009.safetensors", "model.layers.20.self_attn.v_proj.weight": "model-00003-of-00009.safetensors", "model.layers.20.input_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.20.mlp.gate_proj.weight": "model-00003-of-00009.safetensors", "model.layers.20.mlp.down_proj.weight": "model-00003-of-00009.safetensors", "model.layers.20.mlp.up_proj.weight": "model-00003-of-00009.safetensors", "model.layers.20.post_attention_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.21.self_attn.o_proj.weight": "model-00003-of-00009.safetensors", "model.layers.21.self_attn.q_proj.weight": "model-00003-of-00009.safetensors", "model.layers.21.self_attn.k_proj.weight": "model-00003-of-00009.safetensors", "model.layers.21.self_attn.v_proj.weight": "model-00003-of-00009.safetensors", "model.layers.21.input_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.21.mlp.gate_proj.weight": "model-00003-of-00009.safetensors", "model.layers.21.mlp.down_proj.weight": "model-00003-of-00009.safetensors", "model.layers.21.mlp.up_proj.weight": "model-00003-of-00009.safetensors", "model.layers.21.post_attention_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.22.self_attn.o_proj.weight": "model-00003-of-00009.safetensors", "model.layers.22.self_attn.q_proj.weight": "model-00003-of-00009.safetensors", "model.layers.22.self_attn.k_proj.weight": "model-00003-of-00009.safetensors", "model.layers.22.self_attn.v_proj.weight": "model-00003-of-00009.safetensors", "model.layers.22.input_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.22.mlp.gate_proj.weight": "model-00003-of-00009.safetensors", "model.layers.22.mlp.down_proj.weight": "model-00003-of-00009.safetensors", "model.layers.22.mlp.up_proj.weight": "model-00003-of-00009.safetensors", "model.layers.22.post_attention_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.23.self_attn.o_proj.weight": "model-00003-of-00009.safetensors", "model.layers.23.self_attn.q_proj.weight": "model-00003-of-00009.safetensors", "model.layers.23.self_attn.k_proj.weight": "model-00003-of-00009.safetensors", "model.layers.23.self_attn.v_proj.weight": "model-00003-of-00009.safetensors", "model.layers.23.input_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.23.mlp.gate_proj.weight": "model-00003-of-00009.safetensors", "model.layers.23.mlp.down_proj.weight": "model-00003-of-00009.safetensors", "model.layers.23.mlp.up_proj.weight": "model-00003-of-00009.safetensors", "model.layers.23.post_attention_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.24.self_attn.o_proj.weight": "model-00003-of-00009.safetensors", "model.layers.24.self_attn.q_proj.weight": "model-00003-of-00009.safetensors", "model.layers.24.self_attn.k_proj.weight": "model-00003-of-00009.safetensors", "model.layers.24.self_attn.v_proj.weight": "model-00003-of-00009.safetensors", "model.layers.24.input_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.24.mlp.gate_proj.weight": "model-00003-of-00009.safetensors", "model.layers.24.mlp.down_proj.weight": "model-00003-of-00009.safetensors", "model.layers.24.mlp.up_proj.weight": "model-00003-of-00009.safetensors", "model.layers.24.post_attention_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.25.self_attn.o_proj.weight": "model-00003-of-00009.safetensors", "model.layers.25.self_attn.q_proj.weight": "model-00003-of-00009.safetensors", "model.layers.25.self_attn.k_proj.weight": "model-00003-of-00009.safetensors", "model.layers.25.self_attn.v_proj.weight": "model-00003-of-00009.safetensors", "model.layers.25.input_layernorm.weight": "model-00003-of-00009.safetensors", "model.layers.25.mlp.gate_proj.weight": "model-00003-of-00009.safetensors", "model.layers.25.mlp.down_proj.weight": "model-00003-of-00009.safetensors", "model.layers.25.mlp.up_proj.weight": "model-00004-of-00009.safetensors", "model.layers.25.post_attention_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.26.self_attn.o_proj.weight": "model-00004-of-00009.safetensors", "model.layers.26.self_attn.q_proj.weight": "model-00004-of-00009.safetensors", "model.layers.26.self_attn.k_proj.weight": "model-00004-of-00009.safetensors", "model.layers.26.self_attn.v_proj.weight": "model-00004-of-00009.safetensors", "model.layers.26.input_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.26.mlp.gate_proj.weight": "model-00004-of-00009.safetensors", "model.layers.26.mlp.down_proj.weight": "model-00004-of-00009.safetensors", "model.layers.26.mlp.up_proj.weight": "model-00004-of-00009.safetensors", "model.layers.26.post_attention_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.27.self_attn.o_proj.weight": "model-00004-of-00009.safetensors", "model.layers.27.self_attn.q_proj.weight": "model-00004-of-00009.safetensors", "model.layers.27.self_attn.k_proj.weight": "model-00004-of-00009.safetensors", "model.layers.27.self_attn.v_proj.weight": "model-00004-of-00009.safetensors", "model.layers.27.input_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.27.mlp.gate_proj.weight": "model-00004-of-00009.safetensors", "model.layers.27.mlp.down_proj.weight": "model-00004-of-00009.safetensors", "model.layers.27.mlp.up_proj.weight": "model-00004-of-00009.safetensors", "model.layers.27.post_attention_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.28.self_attn.o_proj.weight": "model-00004-of-00009.safetensors", "model.layers.28.self_attn.q_proj.weight": "model-00004-of-00009.safetensors", "model.layers.28.self_attn.k_proj.weight": "model-00004-of-00009.safetensors", "model.layers.28.self_attn.v_proj.weight": "model-00004-of-00009.safetensors", "model.layers.28.input_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.28.mlp.gate_proj.weight": "model-00004-of-00009.safetensors", "model.layers.28.mlp.down_proj.weight": "model-00004-of-00009.safetensors", "model.layers.28.mlp.up_proj.weight": "model-00004-of-00009.safetensors", "model.layers.28.post_attention_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.29.self_attn.o_proj.weight": "model-00004-of-00009.safetensors", "model.layers.29.self_attn.q_proj.weight": "model-00004-of-00009.safetensors", "model.layers.29.self_attn.k_proj.weight": "model-00004-of-00009.safetensors", "model.layers.29.self_attn.v_proj.weight": "model-00004-of-00009.safetensors", "model.layers.29.input_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.29.mlp.gate_proj.weight": "model-00004-of-00009.safetensors", "model.layers.29.mlp.down_proj.weight": "model-00004-of-00009.safetensors", "model.layers.29.mlp.up_proj.weight": "model-00004-of-00009.safetensors", "model.layers.29.post_attention_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.3.self_attn.o_proj.weight": "model-00004-of-00009.safetensors", "model.layers.3.self_attn.q_proj.weight": "model-00004-of-00009.safetensors", "model.layers.3.self_attn.k_proj.weight": "model-00004-of-00009.safetensors", "model.layers.3.self_attn.v_proj.weight": "model-00004-of-00009.safetensors", "model.layers.3.input_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.3.mlp.gate_proj.weight": "model-00004-of-00009.safetensors", "model.layers.3.mlp.down_proj.weight": "model-00004-of-00009.safetensors", "model.layers.3.mlp.up_proj.weight": "model-00004-of-00009.safetensors", "model.layers.3.post_attention_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.30.self_attn.o_proj.weight": "model-00004-of-00009.safetensors", "model.layers.30.self_attn.q_proj.weight": "model-00004-of-00009.safetensors", "model.layers.30.self_attn.k_proj.weight": "model-00004-of-00009.safetensors", "model.layers.30.self_attn.v_proj.weight": "model-00004-of-00009.safetensors", "model.layers.30.input_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.30.mlp.gate_proj.weight": "model-00004-of-00009.safetensors", "model.layers.30.mlp.down_proj.weight": "model-00004-of-00009.safetensors", "model.layers.30.mlp.up_proj.weight": "model-00004-of-00009.safetensors", "model.layers.30.post_attention_layernorm.weight": "model-00004-of-00009.safetensors", "model.layers.31.self_attn.o_proj.weight": "model-00004-of-00009.safetensors", "model.layers.31.self_attn.q_proj.weight": "model-00005-of-00009.safetensors", "model.layers.31.self_attn.k_proj.weight": "model-00005-of-00009.safetensors", "model.layers.31.self_attn.v_proj.weight": "model-00005-of-00009.safetensors", "model.layers.31.input_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.31.mlp.gate_proj.weight": "model-00005-of-00009.safetensors", "model.layers.31.mlp.down_proj.weight": "model-00005-of-00009.safetensors", "model.layers.31.mlp.up_proj.weight": "model-00005-of-00009.safetensors", "model.layers.31.post_attention_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.32.self_attn.o_proj.weight": "model-00005-of-00009.safetensors", "model.layers.32.self_attn.q_proj.weight": "model-00005-of-00009.safetensors", "model.layers.32.self_attn.k_proj.weight": "model-00005-of-00009.safetensors", "model.layers.32.self_attn.v_proj.weight": "model-00005-of-00009.safetensors", "model.layers.32.input_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.32.mlp.gate_proj.weight": "model-00005-of-00009.safetensors", "model.layers.32.mlp.down_proj.weight": "model-00005-of-00009.safetensors", "model.layers.32.mlp.up_proj.weight": "model-00005-of-00009.safetensors", "model.layers.32.post_attention_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.33.self_attn.o_proj.weight": "model-00005-of-00009.safetensors", "model.layers.33.self_attn.q_proj.weight": "model-00005-of-00009.safetensors", "model.layers.33.self_attn.k_proj.weight": "model-00005-of-00009.safetensors", "model.layers.33.self_attn.v_proj.weight": "model-00005-of-00009.safetensors", "model.layers.33.input_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.33.mlp.gate_proj.weight": "model-00005-of-00009.safetensors", "model.layers.33.mlp.down_proj.weight": "model-00005-of-00009.safetensors", "model.layers.33.mlp.up_proj.weight": "model-00005-of-00009.safetensors", "model.layers.33.post_attention_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.34.self_attn.o_proj.weight": "model-00005-of-00009.safetensors", "model.layers.34.self_attn.q_proj.weight": "model-00005-of-00009.safetensors", "model.layers.34.self_attn.k_proj.weight": "model-00005-of-00009.safetensors", "model.layers.34.self_attn.v_proj.weight": "model-00005-of-00009.safetensors", "model.layers.34.input_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.34.mlp.gate_proj.weight": "model-00005-of-00009.safetensors", "model.layers.34.mlp.down_proj.weight": "model-00005-of-00009.safetensors", "model.layers.34.mlp.up_proj.weight": "model-00005-of-00009.safetensors", "model.layers.34.post_attention_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.35.self_attn.o_proj.weight": "model-00005-of-00009.safetensors", "model.layers.35.self_attn.q_proj.weight": "model-00005-of-00009.safetensors", "model.layers.35.self_attn.k_proj.weight": "model-00005-of-00009.safetensors", "model.layers.35.self_attn.v_proj.weight": "model-00005-of-00009.safetensors", "model.layers.35.input_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.35.mlp.gate_proj.weight": "model-00005-of-00009.safetensors", "model.layers.35.mlp.down_proj.weight": "model-00005-of-00009.safetensors", "model.layers.35.mlp.up_proj.weight": "model-00005-of-00009.safetensors", "model.layers.35.post_attention_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.36.self_attn.o_proj.weight": "model-00005-of-00009.safetensors", "model.layers.36.self_attn.q_proj.weight": "model-00005-of-00009.safetensors", "model.layers.36.self_attn.k_proj.weight": "model-00005-of-00009.safetensors", "model.layers.36.self_attn.v_proj.weight": "model-00005-of-00009.safetensors", "model.layers.36.input_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.36.mlp.gate_proj.weight": "model-00005-of-00009.safetensors", "model.layers.36.mlp.down_proj.weight": "model-00005-of-00009.safetensors", "model.layers.36.mlp.up_proj.weight": "model-00005-of-00009.safetensors", "model.layers.36.post_attention_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.37.self_attn.o_proj.weight": "model-00005-of-00009.safetensors", "model.layers.37.self_attn.q_proj.weight": "model-00005-of-00009.safetensors", "model.layers.37.self_attn.k_proj.weight": "model-00005-of-00009.safetensors", "model.layers.37.self_attn.v_proj.weight": "model-00005-of-00009.safetensors", "model.layers.37.input_layernorm.weight": "model-00005-of-00009.safetensors", "model.layers.37.mlp.gate_proj.weight": "model-00005-of-00009.safetensors", "model.layers.37.mlp.down_proj.weight": "model-00006-of-00009.safetensors", "model.layers.37.mlp.up_proj.weight": "model-00006-of-00009.safetensors", "model.layers.37.post_attention_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.38.self_attn.o_proj.weight": "model-00006-of-00009.safetensors", "model.layers.38.self_attn.q_proj.weight": "model-00006-of-00009.safetensors", "model.layers.38.self_attn.k_proj.weight": "model-00006-of-00009.safetensors", "model.layers.38.self_attn.v_proj.weight": "model-00006-of-00009.safetensors", "model.layers.38.input_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.38.mlp.gate_proj.weight": "model-00006-of-00009.safetensors", "model.layers.38.mlp.down_proj.weight": "model-00006-of-00009.safetensors", "model.layers.38.mlp.up_proj.weight": "model-00006-of-00009.safetensors", "model.layers.38.post_attention_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.39.self_attn.o_proj.weight": "model-00006-of-00009.safetensors", "model.layers.39.self_attn.q_proj.weight": "model-00006-of-00009.safetensors", "model.layers.39.self_attn.k_proj.weight": "model-00006-of-00009.safetensors", "model.layers.39.self_attn.v_proj.weight": "model-00006-of-00009.safetensors", "model.layers.39.input_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.39.mlp.gate_proj.weight": "model-00006-of-00009.safetensors", "model.layers.39.mlp.down_proj.weight": "model-00006-of-00009.safetensors", "model.layers.39.mlp.up_proj.weight": "model-00006-of-00009.safetensors", "model.layers.39.post_attention_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.4.self_attn.o_proj.weight": "model-00006-of-00009.safetensors", "model.layers.4.self_attn.q_proj.weight": "model-00006-of-00009.safetensors", "model.layers.4.self_attn.k_proj.weight": "model-00006-of-00009.safetensors", "model.layers.4.self_attn.v_proj.weight": "model-00006-of-00009.safetensors", "model.layers.4.input_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.4.mlp.gate_proj.weight": "model-00006-of-00009.safetensors", "model.layers.4.mlp.down_proj.weight": "model-00006-of-00009.safetensors", "model.layers.4.mlp.up_proj.weight": "model-00006-of-00009.safetensors", "model.layers.4.post_attention_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.40.self_attn.o_proj.weight": "model-00006-of-00009.safetensors", "model.layers.40.self_attn.q_proj.weight": "model-00006-of-00009.safetensors", "model.layers.40.self_attn.k_proj.weight": "model-00006-of-00009.safetensors", "model.layers.40.self_attn.v_proj.weight": "model-00006-of-00009.safetensors", "model.layers.40.input_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.40.mlp.gate_proj.weight": "model-00006-of-00009.safetensors", "model.layers.40.mlp.down_proj.weight": "model-00006-of-00009.safetensors", "model.layers.40.mlp.up_proj.weight": "model-00006-of-00009.safetensors", "model.layers.40.post_attention_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.41.self_attn.o_proj.weight": "model-00006-of-00009.safetensors", "model.layers.41.self_attn.q_proj.weight": "model-00006-of-00009.safetensors", "model.layers.41.self_attn.k_proj.weight": "model-00006-of-00009.safetensors", "model.layers.41.self_attn.v_proj.weight": "model-00006-of-00009.safetensors", "model.layers.41.input_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.41.mlp.gate_proj.weight": "model-00006-of-00009.safetensors", "model.layers.41.mlp.down_proj.weight": "model-00006-of-00009.safetensors", "model.layers.41.mlp.up_proj.weight": "model-00006-of-00009.safetensors", "model.layers.41.post_attention_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.42.self_attn.o_proj.weight": "model-00006-of-00009.safetensors", "model.layers.42.self_attn.q_proj.weight": "model-00006-of-00009.safetensors", "model.layers.42.self_attn.k_proj.weight": "model-00006-of-00009.safetensors", "model.layers.42.self_attn.v_proj.weight": "model-00006-of-00009.safetensors", "model.layers.42.input_layernorm.weight": "model-00006-of-00009.safetensors", "model.layers.42.mlp.gate_proj.weight": "model-00006-of-00009.safetensors", "model.layers.42.mlp.down_proj.weight": "model-00006-of-00009.safetensors", "model.layers.42.mlp.up_proj.weight": "model-00007-of-00009.safetensors", "model.layers.42.post_attention_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.43.self_attn.o_proj.weight": "model-00007-of-00009.safetensors", "model.layers.43.self_attn.q_proj.weight": "model-00007-of-00009.safetensors", "model.layers.43.self_attn.k_proj.weight": "model-00007-of-00009.safetensors", "model.layers.43.self_attn.v_proj.weight": "model-00007-of-00009.safetensors", "model.layers.43.input_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.43.mlp.gate_proj.weight": "model-00007-of-00009.safetensors", "model.layers.43.mlp.down_proj.weight": "model-00007-of-00009.safetensors", "model.layers.43.mlp.up_proj.weight": "model-00007-of-00009.safetensors", "model.layers.43.post_attention_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.44.self_attn.o_proj.weight": "model-00007-of-00009.safetensors", "model.layers.44.self_attn.q_proj.weight": "model-00007-of-00009.safetensors", "model.layers.44.self_attn.k_proj.weight": "model-00007-of-00009.safetensors", "model.layers.44.self_attn.v_proj.weight": "model-00007-of-00009.safetensors", "model.layers.44.input_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.44.mlp.gate_proj.weight": "model-00007-of-00009.safetensors", "model.layers.44.mlp.down_proj.weight": "model-00007-of-00009.safetensors", "model.layers.44.mlp.up_proj.weight": "model-00007-of-00009.safetensors", "model.layers.44.post_attention_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.45.self_attn.o_proj.weight": "model-00007-of-00009.safetensors", "model.layers.45.self_attn.q_proj.weight": "model-00007-of-00009.safetensors", "model.layers.45.self_attn.k_proj.weight": "model-00007-of-00009.safetensors", "model.layers.45.self_attn.v_proj.weight": "model-00007-of-00009.safetensors", "model.layers.45.input_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.45.mlp.gate_proj.weight": "model-00007-of-00009.safetensors", "model.layers.45.mlp.down_proj.weight": "model-00007-of-00009.safetensors", "model.layers.45.mlp.up_proj.weight": "model-00007-of-00009.safetensors", "model.layers.45.post_attention_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.46.self_attn.o_proj.weight": "model-00007-of-00009.safetensors", "model.layers.46.self_attn.q_proj.weight": "model-00007-of-00009.safetensors", "model.layers.46.self_attn.k_proj.weight": "model-00007-of-00009.safetensors", "model.layers.46.self_attn.v_proj.weight": "model-00007-of-00009.safetensors", "model.layers.46.input_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.46.mlp.gate_proj.weight": "model-00007-of-00009.safetensors", "model.layers.46.mlp.down_proj.weight": "model-00007-of-00009.safetensors", "model.layers.46.mlp.up_proj.weight": "model-00007-of-00009.safetensors", "model.layers.46.post_attention_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.47.self_attn.o_proj.weight": "model-00007-of-00009.safetensors", "model.layers.47.self_attn.q_proj.weight": "model-00007-of-00009.safetensors", "model.layers.47.self_attn.k_proj.weight": "model-00007-of-00009.safetensors", "model.layers.47.self_attn.v_proj.weight": "model-00007-of-00009.safetensors", "model.layers.47.input_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.47.mlp.gate_proj.weight": "model-00007-of-00009.safetensors", "model.layers.47.mlp.down_proj.weight": "model-00007-of-00009.safetensors", "model.layers.47.mlp.up_proj.weight": "model-00007-of-00009.safetensors", "model.layers.47.post_attention_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.5.self_attn.o_proj.weight": "model-00007-of-00009.safetensors", "model.layers.5.self_attn.q_proj.weight": "model-00007-of-00009.safetensors", "model.layers.5.self_attn.k_proj.weight": "model-00007-of-00009.safetensors", "model.layers.5.self_attn.v_proj.weight": "model-00007-of-00009.safetensors", "model.layers.5.input_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.5.mlp.gate_proj.weight": "model-00007-of-00009.safetensors", "model.layers.5.mlp.down_proj.weight": "model-00007-of-00009.safetensors", "model.layers.5.mlp.up_proj.weight": "model-00007-of-00009.safetensors", "model.layers.5.post_attention_layernorm.weight": "model-00007-of-00009.safetensors", "model.layers.6.self_attn.o_proj.weight": "model-00007-of-00009.safetensors", "model.layers.6.self_attn.q_proj.weight": "model-00008-of-00009.safetensors", "model.layers.6.self_attn.k_proj.weight": "model-00008-of-00009.safetensors", "model.layers.6.self_attn.v_proj.weight": "model-00008-of-00009.safetensors", "model.layers.6.input_layernorm.weight": "model-00008-of-00009.safetensors", "model.layers.6.mlp.gate_proj.weight": "model-00008-of-00009.safetensors", "model.layers.6.mlp.down_proj.weight": "model-00008-of-00009.safetensors", "model.layers.6.mlp.up_proj.weight": "model-00008-of-00009.safetensors", "model.layers.6.post_attention_layernorm.weight": "model-00008-of-00009.safetensors", "model.layers.7.self_attn.o_proj.weight": "model-00008-of-00009.safetensors", "model.layers.7.self_attn.q_proj.weight": "model-00008-of-00009.safetensors", "model.layers.7.self_attn.k_proj.weight": "model-00008-of-00009.safetensors", "model.layers.7.self_attn.v_proj.weight": "model-00008-of-00009.safetensors", "model.layers.7.input_layernorm.weight": "model-00008-of-00009.safetensors", "model.layers.7.mlp.gate_proj.weight": "model-00008-of-00009.safetensors", "model.layers.7.mlp.down_proj.weight": "model-00008-of-00009.safetensors", "model.layers.7.mlp.up_proj.weight": "model-00008-of-00009.safetensors", "model.layers.7.post_attention_layernorm.weight": "model-00008-of-00009.safetensors", "model.layers.8.self_attn.o_proj.weight": "model-00008-of-00009.safetensors", "model.layers.8.self_attn.q_proj.weight": "model-00008-of-00009.safetensors", "model.layers.8.self_attn.k_proj.weight": "model-00008-of-00009.safetensors", "model.layers.8.self_attn.v_proj.weight": "model-00008-of-00009.safetensors", "model.layers.8.input_layernorm.weight": "model-00008-of-00009.safetensors", "model.layers.8.mlp.gate_proj.weight": "model-00008-of-00009.safetensors", "model.layers.8.mlp.down_proj.weight": "model-00008-of-00009.safetensors", "model.layers.8.mlp.up_proj.weight": "model-00008-of-00009.safetensors", "model.layers.8.post_attention_layernorm.weight": "model-00008-of-00009.safetensors", "model.layers.9.self_attn.o_proj.weight": "model-00008-of-00009.safetensors", "model.layers.9.self_attn.q_proj.weight": "model-00008-of-00009.safetensors", "model.layers.9.self_attn.k_proj.weight": "model-00008-of-00009.safetensors", "model.layers.9.self_attn.v_proj.weight": "model-00008-of-00009.safetensors", "model.layers.9.input_layernorm.weight": "model-00008-of-00009.safetensors", "model.layers.9.mlp.gate_proj.weight": "model-00008-of-00009.safetensors", "model.layers.9.mlp.down_proj.weight": "model-00008-of-00009.safetensors", "model.layers.9.mlp.up_proj.weight": "model-00008-of-00009.safetensors", "model.layers.9.post_attention_layernorm.weight": "model-00008-of-00009.safetensors", "model.norm.weight": "model-00008-of-00009.safetensors", "model.embed_tokens.weight": "model-00008-of-00009.safetensors", "lm_head.weight": "model-00009-of-00009.safetensors"}}
special_tokens_map.json ADDED
@@ -0,0 +1,38 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|action_start|>",
6
+ "<|action_end|>",
7
+ "<|interpreter|>",
8
+ "<|plugin|>"
9
+ ],
10
+ "bos_token": {
11
+ "content": "<s>",
12
+ "lstrip": false,
13
+ "normalized": false,
14
+ "rstrip": false,
15
+ "single_word": false
16
+ },
17
+ "eos_token": {
18
+ "content": "</s>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ "pad_token": {
25
+ "content": "</s>",
26
+ "lstrip": false,
27
+ "normalized": false,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ },
31
+ "unk_token": {
32
+ "content": "<unk>",
33
+ "lstrip": false,
34
+ "normalized": false,
35
+ "rstrip": false,
36
+ "single_word": false
37
+ }
38
+ }
tokenizer.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f868398fc4e05ee1e8aeba95ddf18ddcc45b8bce55d5093bead5bbf80429b48b
3
+ size 1477754
tokenizer_config.json ADDED
@@ -0,0 +1,1642 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": true,
3
+ "add_eos_token": false,
4
+ "add_prefix_space": true,
5
+ "added_tokens_decoder": {
6
+ "0": {
7
+ "content": "<unk>",
8
+ "lstrip": false,
9
+ "normalized": false,
10
+ "rstrip": false,
11
+ "single_word": false,
12
+ "special": true
13
+ },
14
+ "1": {
15
+ "content": "<s>",
16
+ "lstrip": false,
17
+ "normalized": false,
18
+ "rstrip": false,
19
+ "single_word": false,
20
+ "special": true
21
+ },
22
+ "2": {
23
+ "content": "</s>",
24
+ "lstrip": false,
25
+ "normalized": false,
26
+ "rstrip": false,
27
+ "single_word": false,
28
+ "special": true
29
+ },
30
+ "92352": {
31
+ "content": "E",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false,
36
+ "special": false
37
+ },
38
+ "92353": {
39
+ "content": "F",
40
+ "lstrip": false,
41
+ "normalized": false,
42
+ "rstrip": false,
43
+ "single_word": false,
44
+ "special": false
45
+ },
46
+ "92354": {
47
+ "content": "G",
48
+ "lstrip": false,
49
+ "normalized": false,
50
+ "rstrip": false,
51
+ "single_word": false,
52
+ "special": false
53
+ },
54
+ "92355": {
55
+ "content": "H",
56
+ "lstrip": false,
57
+ "normalized": false,
58
+ "rstrip": false,
59
+ "single_word": false,
60
+ "special": false
61
+ },
62
+ "92356": {
63
+ "content": "I",
64
+ "lstrip": false,
65
+ "normalized": false,
66
+ "rstrip": false,
67
+ "single_word": false,
68
+ "special": false
69
+ },
70
+ "92357": {
71
+ "content": "J",
72
+ "lstrip": false,
73
+ "normalized": false,
74
+ "rstrip": false,
75
+ "single_word": false,
76
+ "special": false
77
+ },
78
+ "92358": {
79
+ "content": "K",
80
+ "lstrip": false,
81
+ "normalized": false,
82
+ "rstrip": false,
83
+ "single_word": false,
84
+ "special": false
85
+ },
86
+ "92359": {
87
+ "content": "L",
88
+ "lstrip": false,
89
+ "normalized": false,
90
+ "rstrip": false,
91
+ "single_word": false,
92
+ "special": false
93
+ },
94
+ "92360": {
95
+ "content": "M",
96
+ "lstrip": false,
97
+ "normalized": false,
98
+ "rstrip": false,
99
+ "single_word": false,
100
+ "special": false
101
+ },
102
+ "92361": {
103
+ "content": "N",
104
+ "lstrip": false,
105
+ "normalized": false,
106
+ "rstrip": false,
107
+ "single_word": false,
108
+ "special": false
109
+ },
110
+ "92362": {
111
+ "content": "R",
112
+ "lstrip": false,
113
+ "normalized": false,
114
+ "rstrip": false,
115
+ "single_word": false,
116
+ "special": false
117
+ },
118
+ "92363": {
119
+ "content": "U",
120
+ "lstrip": false,
121
+ "normalized": false,
122
+ "rstrip": false,
123
+ "single_word": false,
124
+ "special": false
125
+ },
126
+ "92364": {
127
+ "content": "V",
128
+ "lstrip": false,
129
+ "normalized": false,
130
+ "rstrip": false,
131
+ "single_word": false,
132
+ "special": false
133
+ },
134
+ "92365": {
135
+ "content": "W",
136
+ "lstrip": false,
137
+ "normalized": false,
138
+ "rstrip": false,
139
+ "single_word": false,
140
+ "special": false
141
+ },
142
+ "92366": {
143
+ "content": "X",
144
+ "lstrip": false,
145
+ "normalized": false,
146
+ "rstrip": false,
147
+ "single_word": false,
148
+ "special": false
149
+ },
150
+ "92367": {
151
+ "content": "Y",
152
+ "lstrip": false,
153
+ "normalized": false,
154
+ "rstrip": false,
155
+ "single_word": false,
156
+ "special": false
157
+ },
158
+ "92368": {
159
+ "content": "Z",
160
+ "lstrip": false,
161
+ "normalized": false,
162
+ "rstrip": false,
163
+ "single_word": false,
164
+ "special": false
165
+ },
166
+ "92369": {
167
+ "content": "a",
168
+ "lstrip": false,
169
+ "normalized": false,
170
+ "rstrip": false,
171
+ "single_word": false,
172
+ "special": false
173
+ },
174
+ "92370": {
175
+ "content": "b",
176
+ "lstrip": false,
177
+ "normalized": false,
178
+ "rstrip": false,
179
+ "single_word": false,
180
+ "special": false
181
+ },
182
+ "92371": {
183
+ "content": "c",
184
+ "lstrip": false,
185
+ "normalized": false,
186
+ "rstrip": false,
187
+ "single_word": false,
188
+ "special": false
189
+ },
190
+ "92372": {
191
+ "content": "d",
192
+ "lstrip": false,
193
+ "normalized": false,
194
+ "rstrip": false,
195
+ "single_word": false,
196
+ "special": false
197
+ },
198
+ "92373": {
199
+ "content": "e",
200
+ "lstrip": false,
201
+ "normalized": false,
202
+ "rstrip": false,
203
+ "single_word": false,
204
+ "special": false
205
+ },
206
+ "92374": {
207
+ "content": "f",
208
+ "lstrip": false,
209
+ "normalized": false,
210
+ "rstrip": false,
211
+ "single_word": false,
212
+ "special": false
213
+ },
214
+ "92375": {
215
+ "content": "g",
216
+ "lstrip": false,
217
+ "normalized": false,
218
+ "rstrip": false,
219
+ "single_word": false,
220
+ "special": false
221
+ },
222
+ "92376": {
223
+ "content": "h",
224
+ "lstrip": false,
225
+ "normalized": false,
226
+ "rstrip": false,
227
+ "single_word": false,
228
+ "special": false
229
+ },
230
+ "92377": {
231
+ "content": "i",
232
+ "lstrip": false,
233
+ "normalized": false,
234
+ "rstrip": false,
235
+ "single_word": false,
236
+ "special": false
237
+ },
238
+ "92378": {
239
+ "content": "j",
240
+ "lstrip": false,
241
+ "normalized": false,
242
+ "rstrip": false,
243
+ "single_word": false,
244
+ "special": false
245
+ },
246
+ "92379": {
247
+ "content": "k",
248
+ "lstrip": false,
249
+ "normalized": false,
250
+ "rstrip": false,
251
+ "single_word": false,
252
+ "special": false
253
+ },
254
+ "92380": {
255
+ "content": "l",
256
+ "lstrip": false,
257
+ "normalized": false,
258
+ "rstrip": false,
259
+ "single_word": false,
260
+ "special": false
261
+ },
262
+ "92381": {
263
+ "content": "m",
264
+ "lstrip": false,
265
+ "normalized": false,
266
+ "rstrip": false,
267
+ "single_word": false,
268
+ "special": false
269
+ },
270
+ "92382": {
271
+ "content": "n",
272
+ "lstrip": false,
273
+ "normalized": false,
274
+ "rstrip": false,
275
+ "single_word": false,
276
+ "special": false
277
+ },
278
+ "92383": {
279
+ "content": "o",
280
+ "lstrip": false,
281
+ "normalized": false,
282
+ "rstrip": false,
283
+ "single_word": false,
284
+ "special": false
285
+ },
286
+ "92384": {
287
+ "content": "p",
288
+ "lstrip": false,
289
+ "normalized": false,
290
+ "rstrip": false,
291
+ "single_word": false,
292
+ "special": false
293
+ },
294
+ "92385": {
295
+ "content": "q",
296
+ "lstrip": false,
297
+ "normalized": false,
298
+ "rstrip": false,
299
+ "single_word": false,
300
+ "special": false
301
+ },
302
+ "92386": {
303
+ "content": "r",
304
+ "lstrip": false,
305
+ "normalized": false,
306
+ "rstrip": false,
307
+ "single_word": false,
308
+ "special": false
309
+ },
310
+ "92387": {
311
+ "content": "s",
312
+ "lstrip": false,
313
+ "normalized": false,
314
+ "rstrip": false,
315
+ "single_word": false,
316
+ "special": false
317
+ },
318
+ "92388": {
319
+ "content": "t",
320
+ "lstrip": false,
321
+ "normalized": false,
322
+ "rstrip": false,
323
+ "single_word": false,
324
+ "special": false
325
+ },
326
+ "92389": {
327
+ "content": "u",
328
+ "lstrip": false,
329
+ "normalized": false,
330
+ "rstrip": false,
331
+ "single_word": false,
332
+ "special": false
333
+ },
334
+ "92390": {
335
+ "content": "v",
336
+ "lstrip": false,
337
+ "normalized": false,
338
+ "rstrip": false,
339
+ "single_word": false,
340
+ "special": false
341
+ },
342
+ "92391": {
343
+ "content": "w",
344
+ "lstrip": false,
345
+ "normalized": false,
346
+ "rstrip": false,
347
+ "single_word": false,
348
+ "special": false
349
+ },
350
+ "92392": {
351
+ "content": "x",
352
+ "lstrip": false,
353
+ "normalized": false,
354
+ "rstrip": false,
355
+ "single_word": false,
356
+ "special": false
357
+ },
358
+ "92393": {
359
+ "content": "y",
360
+ "lstrip": false,
361
+ "normalized": false,
362
+ "rstrip": false,
363
+ "single_word": false,
364
+ "special": false
365
+ },
366
+ "92394": {
367
+ "content": "z",
368
+ "lstrip": false,
369
+ "normalized": false,
370
+ "rstrip": false,
371
+ "single_word": false,
372
+ "special": false
373
+ },
374
+ "92395": {
375
+ "content": "——",
376
+ "lstrip": false,
377
+ "normalized": false,
378
+ "rstrip": false,
379
+ "single_word": false,
380
+ "special": false
381
+ },
382
+ "92396": {
383
+ "content": "……",
384
+ "lstrip": false,
385
+ "normalized": false,
386
+ "rstrip": false,
387
+ "single_word": false,
388
+ "special": false
389
+ },
390
+ "92397": {
391
+ "content": "[UNUSED_TOKEN_0]",
392
+ "lstrip": false,
393
+ "normalized": false,
394
+ "rstrip": false,
395
+ "single_word": false,
396
+ "special": false
397
+ },
398
+ "92398": {
399
+ "content": "[UNUSED_TOKEN_1]",
400
+ "lstrip": false,
401
+ "normalized": false,
402
+ "rstrip": false,
403
+ "single_word": false,
404
+ "special": false
405
+ },
406
+ "92399": {
407
+ "content": "[UNUSED_TOKEN_2]",
408
+ "lstrip": false,
409
+ "normalized": false,
410
+ "rstrip": false,
411
+ "single_word": false,
412
+ "special": false
413
+ },
414
+ "92400": {
415
+ "content": "[UNUSED_TOKEN_3]",
416
+ "lstrip": false,
417
+ "normalized": false,
418
+ "rstrip": false,
419
+ "single_word": false,
420
+ "special": false
421
+ },
422
+ "92401": {
423
+ "content": "[UNUSED_TOKEN_4]",
424
+ "lstrip": false,
425
+ "normalized": false,
426
+ "rstrip": false,
427
+ "single_word": false,
428
+ "special": false
429
+ },
430
+ "92402": {
431
+ "content": "[UNUSED_TOKEN_5]",
432
+ "lstrip": false,
433
+ "normalized": false,
434
+ "rstrip": false,
435
+ "single_word": false,
436
+ "special": false
437
+ },
438
+ "92403": {
439
+ "content": "[UNUSED_TOKEN_6]",
440
+ "lstrip": false,
441
+ "normalized": false,
442
+ "rstrip": false,
443
+ "single_word": false,
444
+ "special": false
445
+ },
446
+ "92404": {
447
+ "content": "[UNUSED_TOKEN_7]",
448
+ "lstrip": false,
449
+ "normalized": false,
450
+ "rstrip": false,
451
+ "single_word": false,
452
+ "special": false
453
+ },
454
+ "92405": {
455
+ "content": "[UNUSED_TOKEN_8]",
456
+ "lstrip": false,
457
+ "normalized": false,
458
+ "rstrip": false,
459
+ "single_word": false,
460
+ "special": false
461
+ },
462
+ "92406": {
463
+ "content": "[UNUSED_TOKEN_9]",
464
+ "lstrip": false,
465
+ "normalized": false,
466
+ "rstrip": false,
467
+ "single_word": false,
468
+ "special": false
469
+ },
470
+ "92407": {
471
+ "content": "[UNUSED_TOKEN_10]",
472
+ "lstrip": false,
473
+ "normalized": false,
474
+ "rstrip": false,
475
+ "single_word": false,
476
+ "special": false
477
+ },
478
+ "92408": {
479
+ "content": "[UNUSED_TOKEN_11]",
480
+ "lstrip": false,
481
+ "normalized": false,
482
+ "rstrip": false,
483
+ "single_word": false,
484
+ "special": false
485
+ },
486
+ "92409": {
487
+ "content": "[UNUSED_TOKEN_12]",
488
+ "lstrip": false,
489
+ "normalized": false,
490
+ "rstrip": false,
491
+ "single_word": false,
492
+ "special": false
493
+ },
494
+ "92410": {
495
+ "content": "[UNUSED_TOKEN_13]",
496
+ "lstrip": false,
497
+ "normalized": false,
498
+ "rstrip": false,
499
+ "single_word": false,
500
+ "special": false
501
+ },
502
+ "92411": {
503
+ "content": "[UNUSED_TOKEN_14]",
504
+ "lstrip": false,
505
+ "normalized": false,
506
+ "rstrip": false,
507
+ "single_word": false,
508
+ "special": false
509
+ },
510
+ "92412": {
511
+ "content": "[UNUSED_TOKEN_15]",
512
+ "lstrip": false,
513
+ "normalized": false,
514
+ "rstrip": false,
515
+ "single_word": false,
516
+ "special": false
517
+ },
518
+ "92413": {
519
+ "content": "[UNUSED_TOKEN_16]",
520
+ "lstrip": false,
521
+ "normalized": false,
522
+ "rstrip": false,
523
+ "single_word": false,
524
+ "special": false
525
+ },
526
+ "92414": {
527
+ "content": "[UNUSED_TOKEN_17]",
528
+ "lstrip": false,
529
+ "normalized": false,
530
+ "rstrip": false,
531
+ "single_word": false,
532
+ "special": false
533
+ },
534
+ "92415": {
535
+ "content": "[UNUSED_TOKEN_18]",
536
+ "lstrip": false,
537
+ "normalized": false,
538
+ "rstrip": false,
539
+ "single_word": false,
540
+ "special": false
541
+ },
542
+ "92416": {
543
+ "content": "[UNUSED_TOKEN_19]",
544
+ "lstrip": false,
545
+ "normalized": false,
546
+ "rstrip": false,
547
+ "single_word": false,
548
+ "special": false
549
+ },
550
+ "92417": {
551
+ "content": "[UNUSED_TOKEN_20]",
552
+ "lstrip": false,
553
+ "normalized": false,
554
+ "rstrip": false,
555
+ "single_word": false,
556
+ "special": false
557
+ },
558
+ "92418": {
559
+ "content": "[UNUSED_TOKEN_21]",
560
+ "lstrip": false,
561
+ "normalized": false,
562
+ "rstrip": false,
563
+ "single_word": false,
564
+ "special": false
565
+ },
566
+ "92419": {
567
+ "content": "[UNUSED_TOKEN_22]",
568
+ "lstrip": false,
569
+ "normalized": false,
570
+ "rstrip": false,
571
+ "single_word": false,
572
+ "special": false
573
+ },
574
+ "92420": {
575
+ "content": "[UNUSED_TOKEN_23]",
576
+ "lstrip": false,
577
+ "normalized": false,
578
+ "rstrip": false,
579
+ "single_word": false,
580
+ "special": false
581
+ },
582
+ "92421": {
583
+ "content": "[UNUSED_TOKEN_24]",
584
+ "lstrip": false,
585
+ "normalized": false,
586
+ "rstrip": false,
587
+ "single_word": false,
588
+ "special": false
589
+ },
590
+ "92422": {
591
+ "content": "[UNUSED_TOKEN_25]",
592
+ "lstrip": false,
593
+ "normalized": false,
594
+ "rstrip": false,
595
+ "single_word": false,
596
+ "special": false
597
+ },
598
+ "92423": {
599
+ "content": "[UNUSED_TOKEN_26]",
600
+ "lstrip": false,
601
+ "normalized": false,
602
+ "rstrip": false,
603
+ "single_word": false,
604
+ "special": false
605
+ },
606
+ "92424": {
607
+ "content": "[UNUSED_TOKEN_27]",
608
+ "lstrip": false,
609
+ "normalized": false,
610
+ "rstrip": false,
611
+ "single_word": false,
612
+ "special": false
613
+ },
614
+ "92425": {
615
+ "content": "[UNUSED_TOKEN_28]",
616
+ "lstrip": false,
617
+ "normalized": false,
618
+ "rstrip": false,
619
+ "single_word": false,
620
+ "special": false
621
+ },
622
+ "92426": {
623
+ "content": "[UNUSED_TOKEN_29]",
624
+ "lstrip": false,
625
+ "normalized": false,
626
+ "rstrip": false,
627
+ "single_word": false,
628
+ "special": false
629
+ },
630
+ "92427": {
631
+ "content": "[UNUSED_TOKEN_30]",
632
+ "lstrip": false,
633
+ "normalized": false,
634
+ "rstrip": false,
635
+ "single_word": false,
636
+ "special": false
637
+ },
638
+ "92428": {
639
+ "content": "[UNUSED_TOKEN_31]",
640
+ "lstrip": false,
641
+ "normalized": false,
642
+ "rstrip": false,
643
+ "single_word": false,
644
+ "special": false
645
+ },
646
+ "92429": {
647
+ "content": "[UNUSED_TOKEN_32]",
648
+ "lstrip": false,
649
+ "normalized": false,
650
+ "rstrip": false,
651
+ "single_word": false,
652
+ "special": false
653
+ },
654
+ "92430": {
655
+ "content": "[UNUSED_TOKEN_33]",
656
+ "lstrip": false,
657
+ "normalized": false,
658
+ "rstrip": false,
659
+ "single_word": false,
660
+ "special": false
661
+ },
662
+ "92431": {
663
+ "content": "[UNUSED_TOKEN_34]",
664
+ "lstrip": false,
665
+ "normalized": false,
666
+ "rstrip": false,
667
+ "single_word": false,
668
+ "special": false
669
+ },
670
+ "92432": {
671
+ "content": "[UNUSED_TOKEN_35]",
672
+ "lstrip": false,
673
+ "normalized": false,
674
+ "rstrip": false,
675
+ "single_word": false,
676
+ "special": false
677
+ },
678
+ "92433": {
679
+ "content": "[UNUSED_TOKEN_36]",
680
+ "lstrip": false,
681
+ "normalized": false,
682
+ "rstrip": false,
683
+ "single_word": false,
684
+ "special": false
685
+ },
686
+ "92434": {
687
+ "content": "[UNUSED_TOKEN_37]",
688
+ "lstrip": false,
689
+ "normalized": false,
690
+ "rstrip": false,
691
+ "single_word": false,
692
+ "special": false
693
+ },
694
+ "92435": {
695
+ "content": "[UNUSED_TOKEN_38]",
696
+ "lstrip": false,
697
+ "normalized": false,
698
+ "rstrip": false,
699
+ "single_word": false,
700
+ "special": false
701
+ },
702
+ "92436": {
703
+ "content": "[UNUSED_TOKEN_39]",
704
+ "lstrip": false,
705
+ "normalized": false,
706
+ "rstrip": false,
707
+ "single_word": false,
708
+ "special": false
709
+ },
710
+ "92437": {
711
+ "content": "[UNUSED_TOKEN_40]",
712
+ "lstrip": false,
713
+ "normalized": false,
714
+ "rstrip": false,
715
+ "single_word": false,
716
+ "special": false
717
+ },
718
+ "92438": {
719
+ "content": "[UNUSED_TOKEN_41]",
720
+ "lstrip": false,
721
+ "normalized": false,
722
+ "rstrip": false,
723
+ "single_word": false,
724
+ "special": false
725
+ },
726
+ "92439": {
727
+ "content": "[UNUSED_TOKEN_42]",
728
+ "lstrip": false,
729
+ "normalized": false,
730
+ "rstrip": false,
731
+ "single_word": false,
732
+ "special": false
733
+ },
734
+ "92440": {
735
+ "content": "[UNUSED_TOKEN_43]",
736
+ "lstrip": false,
737
+ "normalized": false,
738
+ "rstrip": false,
739
+ "single_word": false,
740
+ "special": false
741
+ },
742
+ "92441": {
743
+ "content": "[UNUSED_TOKEN_44]",
744
+ "lstrip": false,
745
+ "normalized": false,
746
+ "rstrip": false,
747
+ "single_word": false,
748
+ "special": false
749
+ },
750
+ "92442": {
751
+ "content": "[UNUSED_TOKEN_45]",
752
+ "lstrip": false,
753
+ "normalized": false,
754
+ "rstrip": false,
755
+ "single_word": false,
756
+ "special": false
757
+ },
758
+ "92443": {
759
+ "content": "[UNUSED_TOKEN_46]",
760
+ "lstrip": false,
761
+ "normalized": false,
762
+ "rstrip": false,
763
+ "single_word": false,
764
+ "special": false
765
+ },
766
+ "92444": {
767
+ "content": "[UNUSED_TOKEN_47]",
768
+ "lstrip": false,
769
+ "normalized": false,
770
+ "rstrip": false,
771
+ "single_word": false,
772
+ "special": false
773
+ },
774
+ "92445": {
775
+ "content": "[UNUSED_TOKEN_48]",
776
+ "lstrip": false,
777
+ "normalized": false,
778
+ "rstrip": false,
779
+ "single_word": false,
780
+ "special": false
781
+ },
782
+ "92446": {
783
+ "content": "[UNUSED_TOKEN_49]",
784
+ "lstrip": false,
785
+ "normalized": false,
786
+ "rstrip": false,
787
+ "single_word": false,
788
+ "special": false
789
+ },
790
+ "92447": {
791
+ "content": "[UNUSED_TOKEN_50]",
792
+ "lstrip": false,
793
+ "normalized": false,
794
+ "rstrip": false,
795
+ "single_word": false,
796
+ "special": false
797
+ },
798
+ "92448": {
799
+ "content": "[UNUSED_TOKEN_51]",
800
+ "lstrip": false,
801
+ "normalized": false,
802
+ "rstrip": false,
803
+ "single_word": false,
804
+ "special": false
805
+ },
806
+ "92449": {
807
+ "content": "[UNUSED_TOKEN_52]",
808
+ "lstrip": false,
809
+ "normalized": false,
810
+ "rstrip": false,
811
+ "single_word": false,
812
+ "special": false
813
+ },
814
+ "92450": {
815
+ "content": "[UNUSED_TOKEN_53]",
816
+ "lstrip": false,
817
+ "normalized": false,
818
+ "rstrip": false,
819
+ "single_word": false,
820
+ "special": false
821
+ },
822
+ "92451": {
823
+ "content": "[UNUSED_TOKEN_54]",
824
+ "lstrip": false,
825
+ "normalized": false,
826
+ "rstrip": false,
827
+ "single_word": false,
828
+ "special": false
829
+ },
830
+ "92452": {
831
+ "content": "[UNUSED_TOKEN_55]",
832
+ "lstrip": false,
833
+ "normalized": false,
834
+ "rstrip": false,
835
+ "single_word": false,
836
+ "special": false
837
+ },
838
+ "92453": {
839
+ "content": "[UNUSED_TOKEN_56]",
840
+ "lstrip": false,
841
+ "normalized": false,
842
+ "rstrip": false,
843
+ "single_word": false,
844
+ "special": false
845
+ },
846
+ "92454": {
847
+ "content": "[UNUSED_TOKEN_57]",
848
+ "lstrip": false,
849
+ "normalized": false,
850
+ "rstrip": false,
851
+ "single_word": false,
852
+ "special": false
853
+ },
854
+ "92455": {
855
+ "content": "[UNUSED_TOKEN_58]",
856
+ "lstrip": false,
857
+ "normalized": false,
858
+ "rstrip": false,
859
+ "single_word": false,
860
+ "special": false
861
+ },
862
+ "92456": {
863
+ "content": "[UNUSED_TOKEN_59]",
864
+ "lstrip": false,
865
+ "normalized": false,
866
+ "rstrip": false,
867
+ "single_word": false,
868
+ "special": false
869
+ },
870
+ "92457": {
871
+ "content": "[UNUSED_TOKEN_60]",
872
+ "lstrip": false,
873
+ "normalized": false,
874
+ "rstrip": false,
875
+ "single_word": false,
876
+ "special": false
877
+ },
878
+ "92458": {
879
+ "content": "[UNUSED_TOKEN_61]",
880
+ "lstrip": false,
881
+ "normalized": false,
882
+ "rstrip": false,
883
+ "single_word": false,
884
+ "special": false
885
+ },
886
+ "92459": {
887
+ "content": "[UNUSED_TOKEN_62]",
888
+ "lstrip": false,
889
+ "normalized": false,
890
+ "rstrip": false,
891
+ "single_word": false,
892
+ "special": false
893
+ },
894
+ "92460": {
895
+ "content": "[UNUSED_TOKEN_63]",
896
+ "lstrip": false,
897
+ "normalized": false,
898
+ "rstrip": false,
899
+ "single_word": false,
900
+ "special": false
901
+ },
902
+ "92461": {
903
+ "content": "[UNUSED_TOKEN_64]",
904
+ "lstrip": false,
905
+ "normalized": false,
906
+ "rstrip": false,
907
+ "single_word": false,
908
+ "special": false
909
+ },
910
+ "92462": {
911
+ "content": "[UNUSED_TOKEN_65]",
912
+ "lstrip": false,
913
+ "normalized": false,
914
+ "rstrip": false,
915
+ "single_word": false,
916
+ "special": false
917
+ },
918
+ "92463": {
919
+ "content": "[UNUSED_TOKEN_66]",
920
+ "lstrip": false,
921
+ "normalized": false,
922
+ "rstrip": false,
923
+ "single_word": false,
924
+ "special": false
925
+ },
926
+ "92464": {
927
+ "content": "[UNUSED_TOKEN_67]",
928
+ "lstrip": false,
929
+ "normalized": false,
930
+ "rstrip": false,
931
+ "single_word": false,
932
+ "special": false
933
+ },
934
+ "92465": {
935
+ "content": "[UNUSED_TOKEN_68]",
936
+ "lstrip": false,
937
+ "normalized": false,
938
+ "rstrip": false,
939
+ "single_word": false,
940
+ "special": false
941
+ },
942
+ "92466": {
943
+ "content": "[UNUSED_TOKEN_69]",
944
+ "lstrip": false,
945
+ "normalized": false,
946
+ "rstrip": false,
947
+ "single_word": false,
948
+ "special": false
949
+ },
950
+ "92467": {
951
+ "content": "[UNUSED_TOKEN_70]",
952
+ "lstrip": false,
953
+ "normalized": false,
954
+ "rstrip": false,
955
+ "single_word": false,
956
+ "special": false
957
+ },
958
+ "92468": {
959
+ "content": "[UNUSED_TOKEN_71]",
960
+ "lstrip": false,
961
+ "normalized": false,
962
+ "rstrip": false,
963
+ "single_word": false,
964
+ "special": false
965
+ },
966
+ "92469": {
967
+ "content": "[UNUSED_TOKEN_72]",
968
+ "lstrip": false,
969
+ "normalized": false,
970
+ "rstrip": false,
971
+ "single_word": false,
972
+ "special": false
973
+ },
974
+ "92470": {
975
+ "content": "[UNUSED_TOKEN_73]",
976
+ "lstrip": false,
977
+ "normalized": false,
978
+ "rstrip": false,
979
+ "single_word": false,
980
+ "special": false
981
+ },
982
+ "92471": {
983
+ "content": "[UNUSED_TOKEN_74]",
984
+ "lstrip": false,
985
+ "normalized": false,
986
+ "rstrip": false,
987
+ "single_word": false,
988
+ "special": false
989
+ },
990
+ "92472": {
991
+ "content": "[UNUSED_TOKEN_75]",
992
+ "lstrip": false,
993
+ "normalized": false,
994
+ "rstrip": false,
995
+ "single_word": false,
996
+ "special": false
997
+ },
998
+ "92473": {
999
+ "content": "[UNUSED_TOKEN_76]",
1000
+ "lstrip": false,
1001
+ "normalized": false,
1002
+ "rstrip": false,
1003
+ "single_word": false,
1004
+ "special": false
1005
+ },
1006
+ "92474": {
1007
+ "content": "[UNUSED_TOKEN_77]",
1008
+ "lstrip": false,
1009
+ "normalized": false,
1010
+ "rstrip": false,
1011
+ "single_word": false,
1012
+ "special": false
1013
+ },
1014
+ "92475": {
1015
+ "content": "[UNUSED_TOKEN_78]",
1016
+ "lstrip": false,
1017
+ "normalized": false,
1018
+ "rstrip": false,
1019
+ "single_word": false,
1020
+ "special": false
1021
+ },
1022
+ "92476": {
1023
+ "content": "[UNUSED_TOKEN_79]",
1024
+ "lstrip": false,
1025
+ "normalized": false,
1026
+ "rstrip": false,
1027
+ "single_word": false,
1028
+ "special": false
1029
+ },
1030
+ "92477": {
1031
+ "content": "[UNUSED_TOKEN_80]",
1032
+ "lstrip": false,
1033
+ "normalized": false,
1034
+ "rstrip": false,
1035
+ "single_word": false,
1036
+ "special": false
1037
+ },
1038
+ "92478": {
1039
+ "content": "[UNUSED_TOKEN_81]",
1040
+ "lstrip": false,
1041
+ "normalized": false,
1042
+ "rstrip": false,
1043
+ "single_word": false,
1044
+ "special": false
1045
+ },
1046
+ "92479": {
1047
+ "content": "[UNUSED_TOKEN_82]",
1048
+ "lstrip": false,
1049
+ "normalized": false,
1050
+ "rstrip": false,
1051
+ "single_word": false,
1052
+ "special": false
1053
+ },
1054
+ "92480": {
1055
+ "content": "[UNUSED_TOKEN_83]",
1056
+ "lstrip": false,
1057
+ "normalized": false,
1058
+ "rstrip": false,
1059
+ "single_word": false,
1060
+ "special": false
1061
+ },
1062
+ "92481": {
1063
+ "content": "[UNUSED_TOKEN_84]",
1064
+ "lstrip": false,
1065
+ "normalized": false,
1066
+ "rstrip": false,
1067
+ "single_word": false,
1068
+ "special": false
1069
+ },
1070
+ "92482": {
1071
+ "content": "[UNUSED_TOKEN_85]",
1072
+ "lstrip": false,
1073
+ "normalized": false,
1074
+ "rstrip": false,
1075
+ "single_word": false,
1076
+ "special": false
1077
+ },
1078
+ "92483": {
1079
+ "content": "[UNUSED_TOKEN_86]",
1080
+ "lstrip": false,
1081
+ "normalized": false,
1082
+ "rstrip": false,
1083
+ "single_word": false,
1084
+ "special": false
1085
+ },
1086
+ "92484": {
1087
+ "content": "[UNUSED_TOKEN_87]",
1088
+ "lstrip": false,
1089
+ "normalized": false,
1090
+ "rstrip": false,
1091
+ "single_word": false,
1092
+ "special": false
1093
+ },
1094
+ "92485": {
1095
+ "content": "[UNUSED_TOKEN_88]",
1096
+ "lstrip": false,
1097
+ "normalized": false,
1098
+ "rstrip": false,
1099
+ "single_word": false,
1100
+ "special": false
1101
+ },
1102
+ "92486": {
1103
+ "content": "[UNUSED_TOKEN_89]",
1104
+ "lstrip": false,
1105
+ "normalized": false,
1106
+ "rstrip": false,
1107
+ "single_word": false,
1108
+ "special": false
1109
+ },
1110
+ "92487": {
1111
+ "content": "[UNUSED_TOKEN_90]",
1112
+ "lstrip": false,
1113
+ "normalized": false,
1114
+ "rstrip": false,
1115
+ "single_word": false,
1116
+ "special": false
1117
+ },
1118
+ "92488": {
1119
+ "content": "[UNUSED_TOKEN_91]",
1120
+ "lstrip": false,
1121
+ "normalized": false,
1122
+ "rstrip": false,
1123
+ "single_word": false,
1124
+ "special": false
1125
+ },
1126
+ "92489": {
1127
+ "content": "[UNUSED_TOKEN_92]",
1128
+ "lstrip": false,
1129
+ "normalized": false,
1130
+ "rstrip": false,
1131
+ "single_word": false,
1132
+ "special": false
1133
+ },
1134
+ "92490": {
1135
+ "content": "[UNUSED_TOKEN_93]",
1136
+ "lstrip": false,
1137
+ "normalized": false,
1138
+ "rstrip": false,
1139
+ "single_word": false,
1140
+ "special": false
1141
+ },
1142
+ "92491": {
1143
+ "content": "[UNUSED_TOKEN_94]",
1144
+ "lstrip": false,
1145
+ "normalized": false,
1146
+ "rstrip": false,
1147
+ "single_word": false,
1148
+ "special": false
1149
+ },
1150
+ "92492": {
1151
+ "content": "[UNUSED_TOKEN_95]",
1152
+ "lstrip": false,
1153
+ "normalized": false,
1154
+ "rstrip": false,
1155
+ "single_word": false,
1156
+ "special": false
1157
+ },
1158
+ "92493": {
1159
+ "content": "[UNUSED_TOKEN_96]",
1160
+ "lstrip": false,
1161
+ "normalized": false,
1162
+ "rstrip": false,
1163
+ "single_word": false,
1164
+ "special": false
1165
+ },
1166
+ "92494": {
1167
+ "content": "[UNUSED_TOKEN_97]",
1168
+ "lstrip": false,
1169
+ "normalized": false,
1170
+ "rstrip": false,
1171
+ "single_word": false,
1172
+ "special": false
1173
+ },
1174
+ "92495": {
1175
+ "content": "[UNUSED_TOKEN_98]",
1176
+ "lstrip": false,
1177
+ "normalized": false,
1178
+ "rstrip": false,
1179
+ "single_word": false,
1180
+ "special": false
1181
+ },
1182
+ "92496": {
1183
+ "content": "[UNUSED_TOKEN_99]",
1184
+ "lstrip": false,
1185
+ "normalized": false,
1186
+ "rstrip": false,
1187
+ "single_word": false,
1188
+ "special": false
1189
+ },
1190
+ "92497": {
1191
+ "content": "[UNUSED_TOKEN_100]",
1192
+ "lstrip": false,
1193
+ "normalized": false,
1194
+ "rstrip": false,
1195
+ "single_word": false,
1196
+ "special": false
1197
+ },
1198
+ "92498": {
1199
+ "content": "[UNUSED_TOKEN_101]",
1200
+ "lstrip": false,
1201
+ "normalized": false,
1202
+ "rstrip": false,
1203
+ "single_word": false,
1204
+ "special": false
1205
+ },
1206
+ "92499": {
1207
+ "content": "[UNUSED_TOKEN_102]",
1208
+ "lstrip": false,
1209
+ "normalized": false,
1210
+ "rstrip": false,
1211
+ "single_word": false,
1212
+ "special": false
1213
+ },
1214
+ "92500": {
1215
+ "content": "[UNUSED_TOKEN_103]",
1216
+ "lstrip": false,
1217
+ "normalized": false,
1218
+ "rstrip": false,
1219
+ "single_word": false,
1220
+ "special": false
1221
+ },
1222
+ "92501": {
1223
+ "content": "[UNUSED_TOKEN_104]",
1224
+ "lstrip": false,
1225
+ "normalized": false,
1226
+ "rstrip": false,
1227
+ "single_word": false,
1228
+ "special": false
1229
+ },
1230
+ "92502": {
1231
+ "content": "[UNUSED_TOKEN_105]",
1232
+ "lstrip": false,
1233
+ "normalized": false,
1234
+ "rstrip": false,
1235
+ "single_word": false,
1236
+ "special": false
1237
+ },
1238
+ "92503": {
1239
+ "content": "[UNUSED_TOKEN_106]",
1240
+ "lstrip": false,
1241
+ "normalized": false,
1242
+ "rstrip": false,
1243
+ "single_word": false,
1244
+ "special": false
1245
+ },
1246
+ "92504": {
1247
+ "content": "[UNUSED_TOKEN_107]",
1248
+ "lstrip": false,
1249
+ "normalized": false,
1250
+ "rstrip": false,
1251
+ "single_word": false,
1252
+ "special": false
1253
+ },
1254
+ "92505": {
1255
+ "content": "[UNUSED_TOKEN_108]",
1256
+ "lstrip": false,
1257
+ "normalized": false,
1258
+ "rstrip": false,
1259
+ "single_word": false,
1260
+ "special": false
1261
+ },
1262
+ "92506": {
1263
+ "content": "[UNUSED_TOKEN_109]",
1264
+ "lstrip": false,
1265
+ "normalized": false,
1266
+ "rstrip": false,
1267
+ "single_word": false,
1268
+ "special": false
1269
+ },
1270
+ "92507": {
1271
+ "content": "[UNUSED_TOKEN_110]",
1272
+ "lstrip": false,
1273
+ "normalized": false,
1274
+ "rstrip": false,
1275
+ "single_word": false,
1276
+ "special": false
1277
+ },
1278
+ "92508": {
1279
+ "content": "[UNUSED_TOKEN_111]",
1280
+ "lstrip": false,
1281
+ "normalized": false,
1282
+ "rstrip": false,
1283
+ "single_word": false,
1284
+ "special": false
1285
+ },
1286
+ "92509": {
1287
+ "content": "[UNUSED_TOKEN_112]",
1288
+ "lstrip": false,
1289
+ "normalized": false,
1290
+ "rstrip": false,
1291
+ "single_word": false,
1292
+ "special": false
1293
+ },
1294
+ "92510": {
1295
+ "content": "[UNUSED_TOKEN_113]",
1296
+ "lstrip": false,
1297
+ "normalized": false,
1298
+ "rstrip": false,
1299
+ "single_word": false,
1300
+ "special": false
1301
+ },
1302
+ "92511": {
1303
+ "content": "[UNUSED_TOKEN_114]",
1304
+ "lstrip": false,
1305
+ "normalized": false,
1306
+ "rstrip": false,
1307
+ "single_word": false,
1308
+ "special": false
1309
+ },
1310
+ "92512": {
1311
+ "content": "[UNUSED_TOKEN_115]",
1312
+ "lstrip": false,
1313
+ "normalized": false,
1314
+ "rstrip": false,
1315
+ "single_word": false,
1316
+ "special": false
1317
+ },
1318
+ "92513": {
1319
+ "content": "[UNUSED_TOKEN_116]",
1320
+ "lstrip": false,
1321
+ "normalized": false,
1322
+ "rstrip": false,
1323
+ "single_word": false,
1324
+ "special": false
1325
+ },
1326
+ "92514": {
1327
+ "content": "[UNUSED_TOKEN_117]",
1328
+ "lstrip": false,
1329
+ "normalized": false,
1330
+ "rstrip": false,
1331
+ "single_word": false,
1332
+ "special": false
1333
+ },
1334
+ "92515": {
1335
+ "content": "[UNUSED_TOKEN_118]",
1336
+ "lstrip": false,
1337
+ "normalized": false,
1338
+ "rstrip": false,
1339
+ "single_word": false,
1340
+ "special": false
1341
+ },
1342
+ "92516": {
1343
+ "content": "[UNUSED_TOKEN_119]",
1344
+ "lstrip": false,
1345
+ "normalized": false,
1346
+ "rstrip": false,
1347
+ "single_word": false,
1348
+ "special": false
1349
+ },
1350
+ "92517": {
1351
+ "content": "[UNUSED_TOKEN_120]",
1352
+ "lstrip": false,
1353
+ "normalized": false,
1354
+ "rstrip": false,
1355
+ "single_word": false,
1356
+ "special": false
1357
+ },
1358
+ "92518": {
1359
+ "content": "[UNUSED_TOKEN_121]",
1360
+ "lstrip": false,
1361
+ "normalized": false,
1362
+ "rstrip": false,
1363
+ "single_word": false,
1364
+ "special": false
1365
+ },
1366
+ "92519": {
1367
+ "content": "[UNUSED_TOKEN_122]",
1368
+ "lstrip": false,
1369
+ "normalized": false,
1370
+ "rstrip": false,
1371
+ "single_word": false,
1372
+ "special": false
1373
+ },
1374
+ "92520": {
1375
+ "content": "[UNUSED_TOKEN_123]",
1376
+ "lstrip": false,
1377
+ "normalized": false,
1378
+ "rstrip": false,
1379
+ "single_word": false,
1380
+ "special": false
1381
+ },
1382
+ "92521": {
1383
+ "content": "[UNUSED_TOKEN_124]",
1384
+ "lstrip": false,
1385
+ "normalized": false,
1386
+ "rstrip": false,
1387
+ "single_word": false,
1388
+ "special": false
1389
+ },
1390
+ "92522": {
1391
+ "content": "[UNUSED_TOKEN_125]",
1392
+ "lstrip": false,
1393
+ "normalized": false,
1394
+ "rstrip": false,
1395
+ "single_word": false,
1396
+ "special": false
1397
+ },
1398
+ "92523": {
1399
+ "content": "[UNUSED_TOKEN_126]",
1400
+ "lstrip": false,
1401
+ "normalized": false,
1402
+ "rstrip": false,
1403
+ "single_word": false,
1404
+ "special": false
1405
+ },
1406
+ "92524": {
1407
+ "content": "[UNUSED_TOKEN_127]",
1408
+ "lstrip": false,
1409
+ "normalized": false,
1410
+ "rstrip": false,
1411
+ "single_word": false,
1412
+ "special": false
1413
+ },
1414
+ "92525": {
1415
+ "content": "[UNUSED_TOKEN_128]",
1416
+ "lstrip": false,
1417
+ "normalized": false,
1418
+ "rstrip": false,
1419
+ "single_word": false,
1420
+ "special": false
1421
+ },
1422
+ "92526": {
1423
+ "content": "[UNUSED_TOKEN_129]",
1424
+ "lstrip": false,
1425
+ "normalized": false,
1426
+ "rstrip": false,
1427
+ "single_word": false,
1428
+ "special": false
1429
+ },
1430
+ "92527": {
1431
+ "content": "[UNUSED_TOKEN_130]",
1432
+ "lstrip": false,
1433
+ "normalized": false,
1434
+ "rstrip": false,
1435
+ "single_word": false,
1436
+ "special": false
1437
+ },
1438
+ "92528": {
1439
+ "content": "[UNUSED_TOKEN_131]",
1440
+ "lstrip": false,
1441
+ "normalized": false,
1442
+ "rstrip": false,
1443
+ "single_word": false,
1444
+ "special": false
1445
+ },
1446
+ "92529": {
1447
+ "content": "[UNUSED_TOKEN_132]",
1448
+ "lstrip": false,
1449
+ "normalized": false,
1450
+ "rstrip": false,
1451
+ "single_word": false,
1452
+ "special": false
1453
+ },
1454
+ "92530": {
1455
+ "content": "[UNUSED_TOKEN_133]",
1456
+ "lstrip": false,
1457
+ "normalized": false,
1458
+ "rstrip": false,
1459
+ "single_word": false,
1460
+ "special": false
1461
+ },
1462
+ "92531": {
1463
+ "content": "[UNUSED_TOKEN_134]",
1464
+ "lstrip": false,
1465
+ "normalized": false,
1466
+ "rstrip": false,
1467
+ "single_word": false,
1468
+ "special": false
1469
+ },
1470
+ "92532": {
1471
+ "content": "[UNUSED_TOKEN_135]",
1472
+ "lstrip": false,
1473
+ "normalized": false,
1474
+ "rstrip": false,
1475
+ "single_word": false,
1476
+ "special": false
1477
+ },
1478
+ "92533": {
1479
+ "content": "[UNUSED_TOKEN_136]",
1480
+ "lstrip": false,
1481
+ "normalized": false,
1482
+ "rstrip": false,
1483
+ "single_word": false,
1484
+ "special": false
1485
+ },
1486
+ "92534": {
1487
+ "content": "[UNUSED_TOKEN_137]",
1488
+ "lstrip": false,
1489
+ "normalized": false,
1490
+ "rstrip": false,
1491
+ "single_word": false,
1492
+ "special": false
1493
+ },
1494
+ "92535": {
1495
+ "content": "[UNUSED_TOKEN_138]",
1496
+ "lstrip": false,
1497
+ "normalized": false,
1498
+ "rstrip": false,
1499
+ "single_word": false,
1500
+ "special": false
1501
+ },
1502
+ "92536": {
1503
+ "content": "[UNUSED_TOKEN_139]",
1504
+ "lstrip": false,
1505
+ "normalized": false,
1506
+ "rstrip": false,
1507
+ "single_word": false,
1508
+ "special": false
1509
+ },
1510
+ "92537": {
1511
+ "content": "[UNUSED_TOKEN_140]",
1512
+ "lstrip": false,
1513
+ "normalized": false,
1514
+ "rstrip": false,
1515
+ "single_word": false,
1516
+ "special": false
1517
+ },
1518
+ "92538": {
1519
+ "content": "<|plugin|>",
1520
+ "lstrip": false,
1521
+ "normalized": false,
1522
+ "rstrip": false,
1523
+ "single_word": false,
1524
+ "special": true
1525
+ },
1526
+ "92539": {
1527
+ "content": "<|interpreter|>",
1528
+ "lstrip": false,
1529
+ "normalized": false,
1530
+ "rstrip": false,
1531
+ "single_word": false,
1532
+ "special": true
1533
+ },
1534
+ "92540": {
1535
+ "content": "<|action_end|>",
1536
+ "lstrip": false,
1537
+ "normalized": false,
1538
+ "rstrip": false,
1539
+ "single_word": false,
1540
+ "special": true
1541
+ },
1542
+ "92541": {
1543
+ "content": "<|action_start|>",
1544
+ "lstrip": false,
1545
+ "normalized": false,
1546
+ "rstrip": false,
1547
+ "single_word": false,
1548
+ "special": true
1549
+ },
1550
+ "92542": {
1551
+ "content": "<|im_end|>",
1552
+ "lstrip": false,
1553
+ "normalized": false,
1554
+ "rstrip": false,
1555
+ "single_word": false,
1556
+ "special": true
1557
+ },
1558
+ "92543": {
1559
+ "content": "<|im_start|>",
1560
+ "lstrip": false,
1561
+ "normalized": false,
1562
+ "rstrip": false,
1563
+ "single_word": false,
1564
+ "special": true
1565
+ },
1566
+ "92544": {
1567
+ "content": "[UNUSED_TOKEN_141]",
1568
+ "lstrip": false,
1569
+ "normalized": false,
1570
+ "rstrip": false,
1571
+ "single_word": false,
1572
+ "special": false
1573
+ },
1574
+ "92545": {
1575
+ "content": "[UNUSED_TOKEN_142]",
1576
+ "lstrip": false,
1577
+ "normalized": false,
1578
+ "rstrip": false,
1579
+ "single_word": false,
1580
+ "special": false
1581
+ },
1582
+ "92546": {
1583
+ "content": "[UNUSED_TOKEN_143]",
1584
+ "lstrip": false,
1585
+ "normalized": false,
1586
+ "rstrip": false,
1587
+ "single_word": false,
1588
+ "special": false
1589
+ },
1590
+ "92547": {
1591
+ "content": "[UNUSED_TOKEN_144]",
1592
+ "lstrip": false,
1593
+ "normalized": false,
1594
+ "rstrip": false,
1595
+ "single_word": false,
1596
+ "special": false
1597
+ },
1598
+ "92548": {
1599
+ "content": "[UNUSED_TOKEN_145]",
1600
+ "lstrip": false,
1601
+ "normalized": false,
1602
+ "rstrip": false,
1603
+ "single_word": false,
1604
+ "special": false
1605
+ },
1606
+ "92549": {
1607
+ "content": "[UNUSED_TOKEN_146]",
1608
+ "lstrip": false,
1609
+ "normalized": false,
1610
+ "rstrip": false,
1611
+ "single_word": false,
1612
+ "special": false
1613
+ }
1614
+ },
1615
+ "additional_special_tokens": [
1616
+ "<|im_start|>",
1617
+ "<|im_end|>",
1618
+ "<|action_start|>",
1619
+ "<|action_end|>",
1620
+ "<|interpreter|>",
1621
+ "<|plugin|>"
1622
+ ],
1623
+ "auto_map": {
1624
+ "AutoTokenizer": [
1625
+ "tokenization_internlm2.InternLM2Tokenizer",
1626
+ "tokenization_internlm2_fast.InternLM2TokenizerFast"
1627
+ ]
1628
+ },
1629
+ "bos_token": "<s>",
1630
+ "chat_template": "{{ bos_token }}{% for message in messages %}{{'<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n'}}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n' }}{% endif %}",
1631
+ "clean_up_tokenization_spaces": true,
1632
+ "decode_with_prefix_space": false,
1633
+ "eos_token": "</s>",
1634
+ "legacy": true,
1635
+ "model_max_length": 1000000000000000019884624838656,
1636
+ "pad_token": "</s>",
1637
+ "sp_model_kwargs": {},
1638
+ "spaces_between_special_tokens": false,
1639
+ "tokenizer_class": "LlamaTokenizer",
1640
+ "unk_token": "<unk>",
1641
+ "use_default_system_prompt": false
1642
+ }