Commit
·
24057d9
verified
·
0
Parent(s):
Duplicate from ibm-granite/granite-3.1-8b-instruct
Browse filesCo-authored-by: Rameswar Panda <rpand002@users.noreply.huggingface.co>
- .gitattributes +35 -0
- README.md +125 -0
- added_tokens.json +5 -0
- config.json +32 -0
- generation_config.json +7 -0
- merges.txt +0 -0
- model-00001-of-00004.safetensors +3 -0
- model-00002-of-00004.safetensors +3 -0
- model-00003-of-00004.safetensors +3 -0
- model-00004-of-00004.safetensors +3 -0
- model.safetensors.index.json +369 -0
- special_tokens_map.json +35 -0
- tokenizer.json +0 -0
- tokenizer_config.json +199 -0
- vocab.json +0 -0
.gitattributes
ADDED
@@ -0,0 +1,35 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
*.7z filter=lfs diff=lfs merge=lfs -text
|
2 |
+
*.arrow filter=lfs diff=lfs merge=lfs -text
|
3 |
+
*.bin filter=lfs diff=lfs merge=lfs -text
|
4 |
+
*.bz2 filter=lfs diff=lfs merge=lfs -text
|
5 |
+
*.ckpt filter=lfs diff=lfs merge=lfs -text
|
6 |
+
*.ftz filter=lfs diff=lfs merge=lfs -text
|
7 |
+
*.gz filter=lfs diff=lfs merge=lfs -text
|
8 |
+
*.h5 filter=lfs diff=lfs merge=lfs -text
|
9 |
+
*.joblib filter=lfs diff=lfs merge=lfs -text
|
10 |
+
*.lfs.* filter=lfs diff=lfs merge=lfs -text
|
11 |
+
*.mlmodel filter=lfs diff=lfs merge=lfs -text
|
12 |
+
*.model filter=lfs diff=lfs merge=lfs -text
|
13 |
+
*.msgpack filter=lfs diff=lfs merge=lfs -text
|
14 |
+
*.npy filter=lfs diff=lfs merge=lfs -text
|
15 |
+
*.npz filter=lfs diff=lfs merge=lfs -text
|
16 |
+
*.onnx filter=lfs diff=lfs merge=lfs -text
|
17 |
+
*.ot filter=lfs diff=lfs merge=lfs -text
|
18 |
+
*.parquet filter=lfs diff=lfs merge=lfs -text
|
19 |
+
*.pb filter=lfs diff=lfs merge=lfs -text
|
20 |
+
*.pickle filter=lfs diff=lfs merge=lfs -text
|
21 |
+
*.pkl filter=lfs diff=lfs merge=lfs -text
|
22 |
+
*.pt filter=lfs diff=lfs merge=lfs -text
|
23 |
+
*.pth filter=lfs diff=lfs merge=lfs -text
|
24 |
+
*.rar filter=lfs diff=lfs merge=lfs -text
|
25 |
+
*.safetensors filter=lfs diff=lfs merge=lfs -text
|
26 |
+
saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
27 |
+
*.tar.* filter=lfs diff=lfs merge=lfs -text
|
28 |
+
*.tar filter=lfs diff=lfs merge=lfs -text
|
29 |
+
*.tflite filter=lfs diff=lfs merge=lfs -text
|
30 |
+
*.tgz filter=lfs diff=lfs merge=lfs -text
|
31 |
+
*.wasm filter=lfs diff=lfs merge=lfs -text
|
32 |
+
*.xz filter=lfs diff=lfs merge=lfs -text
|
33 |
+
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
+
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
+
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
README.md
ADDED
@@ -0,0 +1,125 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
pipeline_tag: text-generation
|
3 |
+
inference: false
|
4 |
+
license: apache-2.0
|
5 |
+
library_name: transformers
|
6 |
+
tags:
|
7 |
+
- language
|
8 |
+
- granite-3.1
|
9 |
+
base_model:
|
10 |
+
- ibm-granite/granite-3.1-8b-base
|
11 |
+
---
|
12 |
+
|
13 |
+
# Granite-3.1-8B-Instruct
|
14 |
+
|
15 |
+
**Model Summary:**
|
16 |
+
Granite-3.1-8B-Instruct is a 8B parameter long-context instruct model finetuned from Granite-3.1-8B-Base using a combination of open source instruction datasets with permissive license and internally collected synthetic datasets tailored for solving long context problems. This model is developed using a diverse set of techniques with a structured chat format, including supervised finetuning, model alignment using reinforcement learning, and model merging.
|
17 |
+
|
18 |
+
- **Developers:** Granite Team, IBM
|
19 |
+
- **GitHub Repository:** [ibm-granite/granite-3.1-language-models](https://github.com/ibm-granite/granite-3.1-language-models)
|
20 |
+
- **Website**: [Granite Docs](https://www.ibm.com/granite/docs/)
|
21 |
+
- **Paper:** [Granite 3.1 Language Models (coming soon)](https://huggingface.co/collections/ibm-granite/granite-31-language-models-6751dbbf2f3389bec5c6f02d)
|
22 |
+
- **Release Date**: December 18th, 2024
|
23 |
+
- **License:** [Apache 2.0](https://www.apache.org/licenses/LICENSE-2.0)
|
24 |
+
|
25 |
+
**Supported Languages:**
|
26 |
+
English, German, Spanish, French, Japanese, Portuguese, Arabic, Czech, Italian, Korean, Dutch, and Chinese. Users may finetune Granite 3.1 models for languages beyond these 12 languages.
|
27 |
+
|
28 |
+
**Intended Use:**
|
29 |
+
The model is designed to respond to general instructions and can be used to build AI assistants for multiple domains, including business applications.
|
30 |
+
|
31 |
+
*Capabilities*
|
32 |
+
* Summarization
|
33 |
+
* Text classification
|
34 |
+
* Text extraction
|
35 |
+
* Question-answering
|
36 |
+
* Retrieval Augmented Generation (RAG)
|
37 |
+
* Code related tasks
|
38 |
+
* Function-calling tasks
|
39 |
+
* Multilingual dialog use cases
|
40 |
+
* Long-context tasks including long document/meeting summarization, long document QA, etc.
|
41 |
+
|
42 |
+
**Generation:**
|
43 |
+
This is a simple example of how to use Granite-3.1-8B-Instruct model.
|
44 |
+
|
45 |
+
Install the following libraries:
|
46 |
+
|
47 |
+
```shell
|
48 |
+
pip install torch torchvision torchaudio
|
49 |
+
pip install accelerate
|
50 |
+
pip install transformers
|
51 |
+
```
|
52 |
+
Then, copy the snippet from the section that is relevant for your use case.
|
53 |
+
|
54 |
+
```python
|
55 |
+
import torch
|
56 |
+
from transformers import AutoModelForCausalLM, AutoTokenizer
|
57 |
+
|
58 |
+
device = "auto"
|
59 |
+
model_path = "ibm-granite/granite-3.1-8b-instruct"
|
60 |
+
tokenizer = AutoTokenizer.from_pretrained(model_path)
|
61 |
+
# drop device_map if running on CPU
|
62 |
+
model = AutoModelForCausalLM.from_pretrained(model_path, device_map=device)
|
63 |
+
model.eval()
|
64 |
+
# change input text as desired
|
65 |
+
chat = [
|
66 |
+
{ "role": "user", "content": "Please list one IBM Research laboratory located in the United States. You should only output its name and location." },
|
67 |
+
]
|
68 |
+
chat = tokenizer.apply_chat_template(chat, tokenize=False, add_generation_prompt=True)
|
69 |
+
# tokenize the text
|
70 |
+
input_tokens = tokenizer(chat, return_tensors="pt").to(device)
|
71 |
+
# generate output tokens
|
72 |
+
output = model.generate(**input_tokens,
|
73 |
+
max_new_tokens=100)
|
74 |
+
# decode output tokens into text
|
75 |
+
output = tokenizer.batch_decode(output)
|
76 |
+
# print output
|
77 |
+
print(output)
|
78 |
+
```
|
79 |
+
|
80 |
+
**Model Architecture:**
|
81 |
+
Granite-3.1-8B-Instruct is based on a decoder-only dense transformer architecture. Core components of this architecture are: GQA and RoPE, MLP with SwiGLU, RMSNorm, and shared input/output embeddings.
|
82 |
+
|
83 |
+
| Model | 2B Dense | 8B Dense | 1B MoE | 3B MoE |
|
84 |
+
| :-------- | :--------| :-------- | :------| :------|
|
85 |
+
| Embedding size | 2048 | **4096** | 1024 | 1536 |
|
86 |
+
| Number of layers | 40 | **40** | 24 | 32 |
|
87 |
+
| Attention head size | 64 | **128** | 64 | 64 |
|
88 |
+
| Number of attention heads | 32 | **32** | 16 | 24 |
|
89 |
+
| Number of KV heads | 8 | **8** | 8 | 8 |
|
90 |
+
| MLP hidden size | 8192 | **12800** | 512 | 512 |
|
91 |
+
| MLP activation | SwiGLU | **SwiGLU** | SwiGLU | SwiGLU |
|
92 |
+
| Number of experts | — | **—** | 32 | 40 |
|
93 |
+
| MoE TopK | — | **—** | 8 | 8 |
|
94 |
+
| Initialization std | 0.1 | **0.1** | 0.1 | 0.1 |
|
95 |
+
| Sequence length | 128K | **128K** | 128K | 128K |
|
96 |
+
| Position embedding | RoPE | **RoPE** | RoPE | RoPE |
|
97 |
+
| # Parameters | 2.5B | **8.1B** | 1.3B | 3.3B |
|
98 |
+
| # Active parameters | 2.5B | **8.1B** | 400M | 800M |
|
99 |
+
| # Training tokens | 12T | **12T** | 10T | 10T |
|
100 |
+
|
101 |
+
**Training Data:**
|
102 |
+
Overall, our SFT data is largely comprised of three key sources: (1) publicly available datasets with permissive license, (2) internal synthetic data targeting specific capabilities including long-context tasks, and (3) very small amounts of human-curated data. A detailed attribution of datasets can be found in the [Granite 3.0 Technical Report](https://github.com/ibm-granite/granite-3.0-language-models/blob/main/paper.pdf), [Granite 3.1 Technical Report (coming soon)](https://huggingface.co/collections/ibm-granite/granite-31-language-models-6751dbbf2f3389bec5c6f02d), and [Accompanying Author List](https://github.com/ibm-granite/granite-3.0-language-models/blob/main/author-ack.pdf).
|
103 |
+
|
104 |
+
**Infrastructure:**
|
105 |
+
We train Granite 3.1 Language Models using IBM's super computing cluster, Blue Vela, which is outfitted with NVIDIA H100 GPUs. This cluster provides a scalable and efficient infrastructure for training our models over thousands of GPUs.
|
106 |
+
|
107 |
+
**Ethical Considerations and Limitations:**
|
108 |
+
Granite 3.1 Instruct Models are primarily finetuned using instruction-response pairs mostly in English, but also multilingual data covering eleven languages. Although this model can handle multilingual dialog use cases, its performance might not be similar to English tasks. In such case, introducing a small number of examples (few-shot) can help the model in generating more accurate outputs. While this model has been aligned by keeping safety in consideration, the model may in some cases produce inaccurate, biased, or unsafe responses to user prompts. So we urge the community to use this model with proper safety testing and tuning tailored for their specific tasks.
|
109 |
+
|
110 |
+
**Resources**
|
111 |
+
- ⭐️ Learn about the latest updates with Granite: https://www.ibm.com/granite
|
112 |
+
- 📄 Get started with tutorials, best practices, and prompt engineering advice: https://www.ibm.com/granite/docs/
|
113 |
+
- 💡 Learn about the latest Granite learning resources: https://ibm.biz/granite-learning-resources
|
114 |
+
|
115 |
+
<!-- ## Citation
|
116 |
+
```
|
117 |
+
@misc{granite-models,
|
118 |
+
author = {author 1, author2, ...},
|
119 |
+
title = {},
|
120 |
+
journal = {},
|
121 |
+
volume = {},
|
122 |
+
year = {2024},
|
123 |
+
url = {https://arxiv.org/abs/0000.00000},
|
124 |
+
}
|
125 |
+
``` -->
|
added_tokens.json
ADDED
@@ -0,0 +1,5 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"<|end_of_role|>": 49153,
|
3 |
+
"<|start_of_role|>": 49152,
|
4 |
+
"<|tool_call|>": 49154
|
5 |
+
}
|
config.json
ADDED
@@ -0,0 +1,32 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"architectures": [
|
3 |
+
"GraniteForCausalLM"
|
4 |
+
],
|
5 |
+
"attention_bias": false,
|
6 |
+
"attention_dropout": 0.1,
|
7 |
+
"attention_multiplier": 0.0078125,
|
8 |
+
"bos_token_id": 0,
|
9 |
+
"embedding_multiplier": 12.0,
|
10 |
+
"eos_token_id": 0,
|
11 |
+
"hidden_act": "silu",
|
12 |
+
"hidden_size": 4096,
|
13 |
+
"initializer_range": 0.02,
|
14 |
+
"intermediate_size": 12800,
|
15 |
+
"logits_scaling": 16.0,
|
16 |
+
"max_position_embeddings": 131072,
|
17 |
+
"mlp_bias": false,
|
18 |
+
"model_type": "granite",
|
19 |
+
"num_attention_heads": 32,
|
20 |
+
"num_hidden_layers": 40,
|
21 |
+
"num_key_value_heads": 8,
|
22 |
+
"pad_token_id": 0,
|
23 |
+
"residual_multiplier": 0.22,
|
24 |
+
"rms_norm_eps": 1e-05,
|
25 |
+
"rope_scaling": null,
|
26 |
+
"rope_theta": 10000000.0,
|
27 |
+
"tie_word_embeddings": true,
|
28 |
+
"torch_dtype": "bfloat16",
|
29 |
+
"transformers_version": "4.47.0",
|
30 |
+
"use_cache": true,
|
31 |
+
"vocab_size": 49155
|
32 |
+
}
|
generation_config.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_from_model_config": true,
|
3 |
+
"bos_token_id": 0,
|
4 |
+
"eos_token_id": 0,
|
5 |
+
"pad_token_id": 0,
|
6 |
+
"transformers_version": "4.47.0"
|
7 |
+
}
|
merges.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
model-00001-of-00004.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:191c4e9c6263d9cf591104f2d16ab2c39dcc43c1ad0680cc5a34d5c86d61ee41
|
3 |
+
size 4974661520
|
model-00002-of-00004.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c7c38b0d5a436775b09d764465ed6e6eb7a8c4e302d05e301e151c96e3076f22
|
3 |
+
size 4991447808
|
model-00003-of-00004.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f02784b72391fa04e9b986313c1a1720ce88f0eb40f7ae81fa0daadc93049457
|
3 |
+
size 4970460032
|
model-00004-of-00004.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:9d86d201ff8e73d8a46e92b543c9dd44f133e60b35ccada4a76439af62f22212
|
3 |
+
size 1405169256
|
model.safetensors.index.json
ADDED
@@ -0,0 +1,369 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"metadata": {
|
3 |
+
"total_size": 16341696512
|
4 |
+
},
|
5 |
+
"weight_map": {
|
6 |
+
"model.embed_tokens.weight": "model-00001-of-00004.safetensors",
|
7 |
+
"model.layers.0.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
8 |
+
"model.layers.0.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
9 |
+
"model.layers.0.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
10 |
+
"model.layers.0.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
11 |
+
"model.layers.0.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
12 |
+
"model.layers.0.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
13 |
+
"model.layers.0.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
14 |
+
"model.layers.0.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
15 |
+
"model.layers.0.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
16 |
+
"model.layers.1.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
17 |
+
"model.layers.1.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
18 |
+
"model.layers.1.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
19 |
+
"model.layers.1.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
20 |
+
"model.layers.1.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
21 |
+
"model.layers.1.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
22 |
+
"model.layers.1.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
23 |
+
"model.layers.1.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
24 |
+
"model.layers.1.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
25 |
+
"model.layers.10.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
26 |
+
"model.layers.10.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
27 |
+
"model.layers.10.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
28 |
+
"model.layers.10.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
29 |
+
"model.layers.10.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
30 |
+
"model.layers.10.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
31 |
+
"model.layers.10.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
32 |
+
"model.layers.10.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
33 |
+
"model.layers.10.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
34 |
+
"model.layers.11.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
35 |
+
"model.layers.11.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
36 |
+
"model.layers.11.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
37 |
+
"model.layers.11.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
38 |
+
"model.layers.11.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
39 |
+
"model.layers.11.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
40 |
+
"model.layers.11.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
41 |
+
"model.layers.11.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
42 |
+
"model.layers.11.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
43 |
+
"model.layers.12.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
44 |
+
"model.layers.12.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
45 |
+
"model.layers.12.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
46 |
+
"model.layers.12.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
47 |
+
"model.layers.12.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
48 |
+
"model.layers.12.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
49 |
+
"model.layers.12.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
50 |
+
"model.layers.12.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
51 |
+
"model.layers.12.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
52 |
+
"model.layers.13.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
53 |
+
"model.layers.13.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
54 |
+
"model.layers.13.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
55 |
+
"model.layers.13.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
56 |
+
"model.layers.13.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
57 |
+
"model.layers.13.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
58 |
+
"model.layers.13.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
59 |
+
"model.layers.13.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
60 |
+
"model.layers.13.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
61 |
+
"model.layers.14.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
62 |
+
"model.layers.14.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
63 |
+
"model.layers.14.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
64 |
+
"model.layers.14.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
65 |
+
"model.layers.14.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
66 |
+
"model.layers.14.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
67 |
+
"model.layers.14.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
68 |
+
"model.layers.14.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
69 |
+
"model.layers.14.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
70 |
+
"model.layers.15.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
71 |
+
"model.layers.15.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
72 |
+
"model.layers.15.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
73 |
+
"model.layers.15.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
74 |
+
"model.layers.15.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
75 |
+
"model.layers.15.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
76 |
+
"model.layers.15.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
77 |
+
"model.layers.15.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
78 |
+
"model.layers.15.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
79 |
+
"model.layers.16.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
80 |
+
"model.layers.16.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
81 |
+
"model.layers.16.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
82 |
+
"model.layers.16.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
83 |
+
"model.layers.16.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
84 |
+
"model.layers.16.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
85 |
+
"model.layers.16.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
86 |
+
"model.layers.16.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
87 |
+
"model.layers.16.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
88 |
+
"model.layers.17.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
89 |
+
"model.layers.17.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
90 |
+
"model.layers.17.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
91 |
+
"model.layers.17.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
92 |
+
"model.layers.17.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
93 |
+
"model.layers.17.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
94 |
+
"model.layers.17.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
95 |
+
"model.layers.17.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
96 |
+
"model.layers.17.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
97 |
+
"model.layers.18.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
98 |
+
"model.layers.18.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
99 |
+
"model.layers.18.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
100 |
+
"model.layers.18.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
101 |
+
"model.layers.18.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
102 |
+
"model.layers.18.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
103 |
+
"model.layers.18.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
104 |
+
"model.layers.18.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
105 |
+
"model.layers.18.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
106 |
+
"model.layers.19.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
107 |
+
"model.layers.19.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
108 |
+
"model.layers.19.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
109 |
+
"model.layers.19.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
110 |
+
"model.layers.19.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
111 |
+
"model.layers.19.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
112 |
+
"model.layers.19.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
113 |
+
"model.layers.19.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
114 |
+
"model.layers.19.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
115 |
+
"model.layers.2.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
116 |
+
"model.layers.2.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
117 |
+
"model.layers.2.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
118 |
+
"model.layers.2.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
119 |
+
"model.layers.2.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
120 |
+
"model.layers.2.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
121 |
+
"model.layers.2.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
122 |
+
"model.layers.2.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
123 |
+
"model.layers.2.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
124 |
+
"model.layers.20.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
125 |
+
"model.layers.20.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
126 |
+
"model.layers.20.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
127 |
+
"model.layers.20.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
128 |
+
"model.layers.20.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
129 |
+
"model.layers.20.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
130 |
+
"model.layers.20.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
131 |
+
"model.layers.20.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
132 |
+
"model.layers.20.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
133 |
+
"model.layers.21.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
134 |
+
"model.layers.21.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
135 |
+
"model.layers.21.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
136 |
+
"model.layers.21.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
137 |
+
"model.layers.21.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
138 |
+
"model.layers.21.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
139 |
+
"model.layers.21.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
140 |
+
"model.layers.21.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
141 |
+
"model.layers.21.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
142 |
+
"model.layers.22.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
143 |
+
"model.layers.22.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
144 |
+
"model.layers.22.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
145 |
+
"model.layers.22.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
146 |
+
"model.layers.22.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
147 |
+
"model.layers.22.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
148 |
+
"model.layers.22.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
149 |
+
"model.layers.22.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
150 |
+
"model.layers.22.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
151 |
+
"model.layers.23.input_layernorm.weight": "model-00002-of-00004.safetensors",
|
152 |
+
"model.layers.23.mlp.down_proj.weight": "model-00002-of-00004.safetensors",
|
153 |
+
"model.layers.23.mlp.gate_proj.weight": "model-00002-of-00004.safetensors",
|
154 |
+
"model.layers.23.mlp.up_proj.weight": "model-00002-of-00004.safetensors",
|
155 |
+
"model.layers.23.post_attention_layernorm.weight": "model-00002-of-00004.safetensors",
|
156 |
+
"model.layers.23.self_attn.k_proj.weight": "model-00002-of-00004.safetensors",
|
157 |
+
"model.layers.23.self_attn.o_proj.weight": "model-00002-of-00004.safetensors",
|
158 |
+
"model.layers.23.self_attn.q_proj.weight": "model-00002-of-00004.safetensors",
|
159 |
+
"model.layers.23.self_attn.v_proj.weight": "model-00002-of-00004.safetensors",
|
160 |
+
"model.layers.24.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
161 |
+
"model.layers.24.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
162 |
+
"model.layers.24.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
163 |
+
"model.layers.24.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
164 |
+
"model.layers.24.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
165 |
+
"model.layers.24.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
166 |
+
"model.layers.24.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
167 |
+
"model.layers.24.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
168 |
+
"model.layers.24.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
169 |
+
"model.layers.25.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
170 |
+
"model.layers.25.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
171 |
+
"model.layers.25.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
172 |
+
"model.layers.25.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
173 |
+
"model.layers.25.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
174 |
+
"model.layers.25.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
175 |
+
"model.layers.25.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
176 |
+
"model.layers.25.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
177 |
+
"model.layers.25.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
178 |
+
"model.layers.26.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
179 |
+
"model.layers.26.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
180 |
+
"model.layers.26.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
181 |
+
"model.layers.26.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
182 |
+
"model.layers.26.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
183 |
+
"model.layers.26.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
184 |
+
"model.layers.26.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
185 |
+
"model.layers.26.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
186 |
+
"model.layers.26.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
187 |
+
"model.layers.27.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
188 |
+
"model.layers.27.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
189 |
+
"model.layers.27.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
190 |
+
"model.layers.27.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
191 |
+
"model.layers.27.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
192 |
+
"model.layers.27.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
193 |
+
"model.layers.27.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
194 |
+
"model.layers.27.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
195 |
+
"model.layers.27.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
196 |
+
"model.layers.28.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
197 |
+
"model.layers.28.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
198 |
+
"model.layers.28.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
199 |
+
"model.layers.28.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
200 |
+
"model.layers.28.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
201 |
+
"model.layers.28.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
202 |
+
"model.layers.28.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
203 |
+
"model.layers.28.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
204 |
+
"model.layers.28.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
205 |
+
"model.layers.29.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
206 |
+
"model.layers.29.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
207 |
+
"model.layers.29.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
208 |
+
"model.layers.29.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
209 |
+
"model.layers.29.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
210 |
+
"model.layers.29.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
211 |
+
"model.layers.29.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
212 |
+
"model.layers.29.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
213 |
+
"model.layers.29.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
214 |
+
"model.layers.3.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
215 |
+
"model.layers.3.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
216 |
+
"model.layers.3.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
217 |
+
"model.layers.3.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
218 |
+
"model.layers.3.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
219 |
+
"model.layers.3.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
220 |
+
"model.layers.3.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
221 |
+
"model.layers.3.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
222 |
+
"model.layers.3.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
223 |
+
"model.layers.30.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
224 |
+
"model.layers.30.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
225 |
+
"model.layers.30.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
226 |
+
"model.layers.30.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
227 |
+
"model.layers.30.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
228 |
+
"model.layers.30.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
229 |
+
"model.layers.30.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
230 |
+
"model.layers.30.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
231 |
+
"model.layers.30.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
232 |
+
"model.layers.31.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
233 |
+
"model.layers.31.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
234 |
+
"model.layers.31.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
235 |
+
"model.layers.31.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
236 |
+
"model.layers.31.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
237 |
+
"model.layers.31.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
238 |
+
"model.layers.31.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
239 |
+
"model.layers.31.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
240 |
+
"model.layers.31.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
241 |
+
"model.layers.32.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
242 |
+
"model.layers.32.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
243 |
+
"model.layers.32.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
244 |
+
"model.layers.32.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
245 |
+
"model.layers.32.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
246 |
+
"model.layers.32.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
247 |
+
"model.layers.32.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
248 |
+
"model.layers.32.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
249 |
+
"model.layers.32.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
250 |
+
"model.layers.33.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
251 |
+
"model.layers.33.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
252 |
+
"model.layers.33.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
253 |
+
"model.layers.33.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
254 |
+
"model.layers.33.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
255 |
+
"model.layers.33.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
256 |
+
"model.layers.33.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
257 |
+
"model.layers.33.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
258 |
+
"model.layers.33.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
259 |
+
"model.layers.34.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
260 |
+
"model.layers.34.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
261 |
+
"model.layers.34.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
262 |
+
"model.layers.34.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
263 |
+
"model.layers.34.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
264 |
+
"model.layers.34.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
265 |
+
"model.layers.34.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
266 |
+
"model.layers.34.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
267 |
+
"model.layers.34.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
268 |
+
"model.layers.35.input_layernorm.weight": "model-00003-of-00004.safetensors",
|
269 |
+
"model.layers.35.mlp.down_proj.weight": "model-00003-of-00004.safetensors",
|
270 |
+
"model.layers.35.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
271 |
+
"model.layers.35.mlp.up_proj.weight": "model-00003-of-00004.safetensors",
|
272 |
+
"model.layers.35.post_attention_layernorm.weight": "model-00003-of-00004.safetensors",
|
273 |
+
"model.layers.35.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
274 |
+
"model.layers.35.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
275 |
+
"model.layers.35.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
276 |
+
"model.layers.35.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
277 |
+
"model.layers.36.input_layernorm.weight": "model-00004-of-00004.safetensors",
|
278 |
+
"model.layers.36.mlp.down_proj.weight": "model-00004-of-00004.safetensors",
|
279 |
+
"model.layers.36.mlp.gate_proj.weight": "model-00003-of-00004.safetensors",
|
280 |
+
"model.layers.36.mlp.up_proj.weight": "model-00004-of-00004.safetensors",
|
281 |
+
"model.layers.36.post_attention_layernorm.weight": "model-00004-of-00004.safetensors",
|
282 |
+
"model.layers.36.self_attn.k_proj.weight": "model-00003-of-00004.safetensors",
|
283 |
+
"model.layers.36.self_attn.o_proj.weight": "model-00003-of-00004.safetensors",
|
284 |
+
"model.layers.36.self_attn.q_proj.weight": "model-00003-of-00004.safetensors",
|
285 |
+
"model.layers.36.self_attn.v_proj.weight": "model-00003-of-00004.safetensors",
|
286 |
+
"model.layers.37.input_layernorm.weight": "model-00004-of-00004.safetensors",
|
287 |
+
"model.layers.37.mlp.down_proj.weight": "model-00004-of-00004.safetensors",
|
288 |
+
"model.layers.37.mlp.gate_proj.weight": "model-00004-of-00004.safetensors",
|
289 |
+
"model.layers.37.mlp.up_proj.weight": "model-00004-of-00004.safetensors",
|
290 |
+
"model.layers.37.post_attention_layernorm.weight": "model-00004-of-00004.safetensors",
|
291 |
+
"model.layers.37.self_attn.k_proj.weight": "model-00004-of-00004.safetensors",
|
292 |
+
"model.layers.37.self_attn.o_proj.weight": "model-00004-of-00004.safetensors",
|
293 |
+
"model.layers.37.self_attn.q_proj.weight": "model-00004-of-00004.safetensors",
|
294 |
+
"model.layers.37.self_attn.v_proj.weight": "model-00004-of-00004.safetensors",
|
295 |
+
"model.layers.38.input_layernorm.weight": "model-00004-of-00004.safetensors",
|
296 |
+
"model.layers.38.mlp.down_proj.weight": "model-00004-of-00004.safetensors",
|
297 |
+
"model.layers.38.mlp.gate_proj.weight": "model-00004-of-00004.safetensors",
|
298 |
+
"model.layers.38.mlp.up_proj.weight": "model-00004-of-00004.safetensors",
|
299 |
+
"model.layers.38.post_attention_layernorm.weight": "model-00004-of-00004.safetensors",
|
300 |
+
"model.layers.38.self_attn.k_proj.weight": "model-00004-of-00004.safetensors",
|
301 |
+
"model.layers.38.self_attn.o_proj.weight": "model-00004-of-00004.safetensors",
|
302 |
+
"model.layers.38.self_attn.q_proj.weight": "model-00004-of-00004.safetensors",
|
303 |
+
"model.layers.38.self_attn.v_proj.weight": "model-00004-of-00004.safetensors",
|
304 |
+
"model.layers.39.input_layernorm.weight": "model-00004-of-00004.safetensors",
|
305 |
+
"model.layers.39.mlp.down_proj.weight": "model-00004-of-00004.safetensors",
|
306 |
+
"model.layers.39.mlp.gate_proj.weight": "model-00004-of-00004.safetensors",
|
307 |
+
"model.layers.39.mlp.up_proj.weight": "model-00004-of-00004.safetensors",
|
308 |
+
"model.layers.39.post_attention_layernorm.weight": "model-00004-of-00004.safetensors",
|
309 |
+
"model.layers.39.self_attn.k_proj.weight": "model-00004-of-00004.safetensors",
|
310 |
+
"model.layers.39.self_attn.o_proj.weight": "model-00004-of-00004.safetensors",
|
311 |
+
"model.layers.39.self_attn.q_proj.weight": "model-00004-of-00004.safetensors",
|
312 |
+
"model.layers.39.self_attn.v_proj.weight": "model-00004-of-00004.safetensors",
|
313 |
+
"model.layers.4.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
314 |
+
"model.layers.4.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
315 |
+
"model.layers.4.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
316 |
+
"model.layers.4.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
317 |
+
"model.layers.4.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
318 |
+
"model.layers.4.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
319 |
+
"model.layers.4.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
320 |
+
"model.layers.4.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
321 |
+
"model.layers.4.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
322 |
+
"model.layers.5.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
323 |
+
"model.layers.5.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
324 |
+
"model.layers.5.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
325 |
+
"model.layers.5.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
326 |
+
"model.layers.5.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
327 |
+
"model.layers.5.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
328 |
+
"model.layers.5.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
329 |
+
"model.layers.5.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
330 |
+
"model.layers.5.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
331 |
+
"model.layers.6.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
332 |
+
"model.layers.6.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
333 |
+
"model.layers.6.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
334 |
+
"model.layers.6.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
335 |
+
"model.layers.6.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
336 |
+
"model.layers.6.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
337 |
+
"model.layers.6.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
338 |
+
"model.layers.6.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
339 |
+
"model.layers.6.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
340 |
+
"model.layers.7.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
341 |
+
"model.layers.7.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
342 |
+
"model.layers.7.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
343 |
+
"model.layers.7.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
344 |
+
"model.layers.7.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
345 |
+
"model.layers.7.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
346 |
+
"model.layers.7.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
347 |
+
"model.layers.7.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
348 |
+
"model.layers.7.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
349 |
+
"model.layers.8.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
350 |
+
"model.layers.8.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
351 |
+
"model.layers.8.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
352 |
+
"model.layers.8.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
353 |
+
"model.layers.8.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
354 |
+
"model.layers.8.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
355 |
+
"model.layers.8.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
356 |
+
"model.layers.8.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
357 |
+
"model.layers.8.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
358 |
+
"model.layers.9.input_layernorm.weight": "model-00001-of-00004.safetensors",
|
359 |
+
"model.layers.9.mlp.down_proj.weight": "model-00001-of-00004.safetensors",
|
360 |
+
"model.layers.9.mlp.gate_proj.weight": "model-00001-of-00004.safetensors",
|
361 |
+
"model.layers.9.mlp.up_proj.weight": "model-00001-of-00004.safetensors",
|
362 |
+
"model.layers.9.post_attention_layernorm.weight": "model-00001-of-00004.safetensors",
|
363 |
+
"model.layers.9.self_attn.k_proj.weight": "model-00001-of-00004.safetensors",
|
364 |
+
"model.layers.9.self_attn.o_proj.weight": "model-00001-of-00004.safetensors",
|
365 |
+
"model.layers.9.self_attn.q_proj.weight": "model-00001-of-00004.safetensors",
|
366 |
+
"model.layers.9.self_attn.v_proj.weight": "model-00001-of-00004.safetensors",
|
367 |
+
"model.norm.weight": "model-00004-of-00004.safetensors"
|
368 |
+
}
|
369 |
+
}
|
special_tokens_map.json
ADDED
@@ -0,0 +1,35 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"additional_special_tokens": [
|
3 |
+
"<|start_of_role|>",
|
4 |
+
"<|end_of_role|>",
|
5 |
+
"<|tool_call|>"
|
6 |
+
],
|
7 |
+
"bos_token": {
|
8 |
+
"content": "<|end_of_text|>",
|
9 |
+
"lstrip": false,
|
10 |
+
"normalized": false,
|
11 |
+
"rstrip": false,
|
12 |
+
"single_word": false
|
13 |
+
},
|
14 |
+
"eos_token": {
|
15 |
+
"content": "<|end_of_text|>",
|
16 |
+
"lstrip": false,
|
17 |
+
"normalized": false,
|
18 |
+
"rstrip": false,
|
19 |
+
"single_word": false
|
20 |
+
},
|
21 |
+
"pad_token": {
|
22 |
+
"content": "<|end_of_text|>",
|
23 |
+
"lstrip": false,
|
24 |
+
"normalized": false,
|
25 |
+
"rstrip": false,
|
26 |
+
"single_word": false
|
27 |
+
},
|
28 |
+
"unk_token": {
|
29 |
+
"content": "<|end_of_text|>",
|
30 |
+
"lstrip": false,
|
31 |
+
"normalized": false,
|
32 |
+
"rstrip": false,
|
33 |
+
"single_word": false
|
34 |
+
}
|
35 |
+
}
|
tokenizer.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
tokenizer_config.json
ADDED
@@ -0,0 +1,199 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"add_bos_token": false,
|
3 |
+
"add_prefix_space": false,
|
4 |
+
"added_tokens_decoder": {
|
5 |
+
"0": {
|
6 |
+
"content": "<|end_of_text|>",
|
7 |
+
"lstrip": false,
|
8 |
+
"normalized": false,
|
9 |
+
"rstrip": false,
|
10 |
+
"single_word": false,
|
11 |
+
"special": true
|
12 |
+
},
|
13 |
+
"1": {
|
14 |
+
"content": "<fim_prefix>",
|
15 |
+
"lstrip": false,
|
16 |
+
"normalized": false,
|
17 |
+
"rstrip": false,
|
18 |
+
"single_word": false,
|
19 |
+
"special": true
|
20 |
+
},
|
21 |
+
"2": {
|
22 |
+
"content": "<fim_middle>",
|
23 |
+
"lstrip": false,
|
24 |
+
"normalized": false,
|
25 |
+
"rstrip": false,
|
26 |
+
"single_word": false,
|
27 |
+
"special": true
|
28 |
+
},
|
29 |
+
"3": {
|
30 |
+
"content": "<fim_suffix>",
|
31 |
+
"lstrip": false,
|
32 |
+
"normalized": false,
|
33 |
+
"rstrip": false,
|
34 |
+
"single_word": false,
|
35 |
+
"special": true
|
36 |
+
},
|
37 |
+
"4": {
|
38 |
+
"content": "<fim_pad>",
|
39 |
+
"lstrip": false,
|
40 |
+
"normalized": false,
|
41 |
+
"rstrip": false,
|
42 |
+
"single_word": false,
|
43 |
+
"special": true
|
44 |
+
},
|
45 |
+
"5": {
|
46 |
+
"content": "<filename>",
|
47 |
+
"lstrip": false,
|
48 |
+
"normalized": false,
|
49 |
+
"rstrip": false,
|
50 |
+
"single_word": false,
|
51 |
+
"special": true
|
52 |
+
},
|
53 |
+
"6": {
|
54 |
+
"content": "<gh_stars>",
|
55 |
+
"lstrip": false,
|
56 |
+
"normalized": false,
|
57 |
+
"rstrip": false,
|
58 |
+
"single_word": false,
|
59 |
+
"special": true
|
60 |
+
},
|
61 |
+
"7": {
|
62 |
+
"content": "<issue_start>",
|
63 |
+
"lstrip": false,
|
64 |
+
"normalized": false,
|
65 |
+
"rstrip": false,
|
66 |
+
"single_word": false,
|
67 |
+
"special": true
|
68 |
+
},
|
69 |
+
"8": {
|
70 |
+
"content": "<issue_comment>",
|
71 |
+
"lstrip": false,
|
72 |
+
"normalized": false,
|
73 |
+
"rstrip": false,
|
74 |
+
"single_word": false,
|
75 |
+
"special": true
|
76 |
+
},
|
77 |
+
"9": {
|
78 |
+
"content": "<issue_closed>",
|
79 |
+
"lstrip": false,
|
80 |
+
"normalized": false,
|
81 |
+
"rstrip": false,
|
82 |
+
"single_word": false,
|
83 |
+
"special": true
|
84 |
+
},
|
85 |
+
"10": {
|
86 |
+
"content": "<jupyter_start>",
|
87 |
+
"lstrip": false,
|
88 |
+
"normalized": false,
|
89 |
+
"rstrip": false,
|
90 |
+
"single_word": false,
|
91 |
+
"special": true
|
92 |
+
},
|
93 |
+
"11": {
|
94 |
+
"content": "<jupyter_text>",
|
95 |
+
"lstrip": false,
|
96 |
+
"normalized": false,
|
97 |
+
"rstrip": false,
|
98 |
+
"single_word": false,
|
99 |
+
"special": true
|
100 |
+
},
|
101 |
+
"12": {
|
102 |
+
"content": "<jupyter_code>",
|
103 |
+
"lstrip": false,
|
104 |
+
"normalized": false,
|
105 |
+
"rstrip": false,
|
106 |
+
"single_word": false,
|
107 |
+
"special": true
|
108 |
+
},
|
109 |
+
"13": {
|
110 |
+
"content": "<jupyter_output>",
|
111 |
+
"lstrip": false,
|
112 |
+
"normalized": false,
|
113 |
+
"rstrip": false,
|
114 |
+
"single_word": false,
|
115 |
+
"special": true
|
116 |
+
},
|
117 |
+
"14": {
|
118 |
+
"content": "<empty_output>",
|
119 |
+
"lstrip": false,
|
120 |
+
"normalized": false,
|
121 |
+
"rstrip": false,
|
122 |
+
"single_word": false,
|
123 |
+
"special": true
|
124 |
+
},
|
125 |
+
"15": {
|
126 |
+
"content": "<commit_before>",
|
127 |
+
"lstrip": false,
|
128 |
+
"normalized": false,
|
129 |
+
"rstrip": false,
|
130 |
+
"single_word": false,
|
131 |
+
"special": true
|
132 |
+
},
|
133 |
+
"16": {
|
134 |
+
"content": "<commit_msg>",
|
135 |
+
"lstrip": false,
|
136 |
+
"normalized": false,
|
137 |
+
"rstrip": false,
|
138 |
+
"single_word": false,
|
139 |
+
"special": true
|
140 |
+
},
|
141 |
+
"17": {
|
142 |
+
"content": "<commit_after>",
|
143 |
+
"lstrip": false,
|
144 |
+
"normalized": false,
|
145 |
+
"rstrip": false,
|
146 |
+
"single_word": false,
|
147 |
+
"special": true
|
148 |
+
},
|
149 |
+
"18": {
|
150 |
+
"content": "<reponame>",
|
151 |
+
"lstrip": false,
|
152 |
+
"normalized": false,
|
153 |
+
"rstrip": false,
|
154 |
+
"single_word": false,
|
155 |
+
"special": true
|
156 |
+
},
|
157 |
+
"49152": {
|
158 |
+
"content": "<|start_of_role|>",
|
159 |
+
"lstrip": false,
|
160 |
+
"normalized": false,
|
161 |
+
"rstrip": false,
|
162 |
+
"single_word": false,
|
163 |
+
"special": true
|
164 |
+
},
|
165 |
+
"49153": {
|
166 |
+
"content": "<|end_of_role|>",
|
167 |
+
"lstrip": false,
|
168 |
+
"normalized": false,
|
169 |
+
"rstrip": false,
|
170 |
+
"single_word": false,
|
171 |
+
"special": true
|
172 |
+
},
|
173 |
+
"49154": {
|
174 |
+
"content": "<|tool_call|>",
|
175 |
+
"lstrip": false,
|
176 |
+
"normalized": false,
|
177 |
+
"rstrip": false,
|
178 |
+
"single_word": false,
|
179 |
+
"special": true
|
180 |
+
}
|
181 |
+
},
|
182 |
+
"additional_special_tokens": [
|
183 |
+
"<|start_of_role|>",
|
184 |
+
"<|end_of_role|>",
|
185 |
+
"<|tool_call|>"
|
186 |
+
],
|
187 |
+
"bos_token": "<|end_of_text|>",
|
188 |
+
"chat_template": "{%- if messages[0]['role'] == 'system' %}\n {%- set system_message = messages[0]['content'] %}\n {%- set loop_messages = messages[1:] %}\n{%- else %}\n {%- set system_message = \"Knowledge Cutoff Date: April 2024.\nToday's Date: \" + strftime_now('%B %d, %Y') + \".\nYou are Granite, developed by IBM.\" %}\n {%- if tools and documents %}\n {%- set system_message = system_message + \" You are a helpful AI assistant with access to the following tools. When a tool is required to answer the user's query, respond with <|tool_call|> followed by a JSON list of tools used. If a tool does not exist in the provided list of tools, notify the user that you do not have the ability to fulfill the request.\n\nWrite the response to the user's input by strictly aligning with the facts in the provided documents. If the information needed to answer the question is not available in the documents, inform the user that the question cannot be answered based on the available data.\" %}\n {%- elif tools %}\n {%- set system_message = system_message + \" You are a helpful AI assistant with access to the following tools. When a tool is required to answer the user's query, respond with <|tool_call|> followed by a JSON list of tools used. If a tool does not exist in the provided list of tools, notify the user that you do not have the ability to fulfill the request.\" %}\n {%- elif documents %}\n {%- set system_message = system_message + \" Write the response to the user's input by strictly aligning with the facts in the provided documents. If the information needed to answer the question is not available in the documents, inform the user that the question cannot be answered based on the available data.\" %}\n {%- else %}\n {%- set system_message = system_message + \" You are a helpful AI assistant.\" %} \n {%- endif %}\n {%- if 'citations' in controls and documents %}\n {%- set system_message = system_message + '\n\nIn your response, use the symbols <co> and </co> to indicate when a fact comes from a document in the search result, e.g <co>0</co> for a fact from document 0. Afterwards, list all the citations with their corresponding documents in an ordered list.' %}\n {%- endif %}\n {%- if 'hallucinations' in controls and documents %}\n {%- set system_message = system_message + '\n\nFinally, after the response is written, include a numbered list of sentences from the response that are potentially hallucinated and not based in the documents.' %}\n {%- endif %}\n {%- set loop_messages = messages %}\n{%- endif %}\n{{- '<|start_of_role|>system<|end_of_role|>' + system_message + '<|end_of_text|>\n' }}\n{%- if tools %}\n {{- '<|start_of_role|>tools<|end_of_role|>' }}\n {{- tools | tojson(indent=4) }}\n {{- '<|end_of_text|>\n' }}\n{%- endif %}\n{%- if documents %}\n {{- '<|start_of_role|>documents<|end_of_role|>' }}\n {%- for document in documents %}\n {{- 'Document ' + loop.index0 | string + '\n' }}\n {{- document['text'] }}\n {%- if not loop.last %}\n {{- '\n\n'}}\n {%- endif%}\n {%- endfor %}\n {{- '<|end_of_text|>\n' }}\n{%- endif %}\n{%- for message in loop_messages %}\n {{- '<|start_of_role|>' + message['role'] + '<|end_of_role|>' + message['content'] + '<|end_of_text|>\n' }}\n {%- if loop.last and add_generation_prompt %}\n {{- '<|start_of_role|>assistant' }}\n {%- if controls %}\n {{- ' ' + controls | tojson()}}\n {%- endif %}\n {{- '<|end_of_role|>' }}\n {%- endif %}\n{%- endfor %}",
|
189 |
+
"clean_up_tokenization_spaces": true,
|
190 |
+
"eos_token": "<|end_of_text|>",
|
191 |
+
"errors": "replace",
|
192 |
+
"extra_special_tokens": {},
|
193 |
+
"model_max_length": 9223372036854775807,
|
194 |
+
"pad_token": "<|end_of_text|>",
|
195 |
+
"padding_side": "left",
|
196 |
+
"tokenizer_class": "GPT2Tokenizer",
|
197 |
+
"unk_token": "<|end_of_text|>",
|
198 |
+
"vocab_size": 49152
|
199 |
+
}
|
vocab.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|