zhiyuan8 commited on
Commit
15a33c8
·
verified ·
1 Parent(s): bae5003

Upload folder using huggingface_hub

Browse files
README.md CHANGED
@@ -1,3 +1,100 @@
1
- ---
2
- license: apache-2.0
3
- ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ language:
4
+ - en
5
+ - zh
6
+ - ja
7
+ - ko
8
+ - fr
9
+ - ar
10
+ - es
11
+ - pt
12
+ metrics:
13
+ - accuracy
14
+ base_model:
15
+ - BlinkDL/rwkv7-g1
16
+ pipeline_tag: text-generation
17
+ ---
18
+
19
+ # rwkv7-7.2B-g0
20
+
21
+ <!-- Provide a quick summary of what the model is/does. -->
22
+
23
+ This is RWKV-7 model under flash-linear attention format.
24
+
25
+ ## Model Details
26
+
27
+ ### Model Description
28
+
29
+ <!-- Provide a longer summary of what this model is. -->
30
+
31
+ - **Developed by:** Bo Peng, Yu Zhang, Songlin Yang, Ruichong Zhang, Zhiyuan Li
32
+ - **Funded by:** RWKV Project (Under LF AI & Data Foundation)
33
+ - **Model type:** RWKV7
34
+ - **Language(s) (NLP):** Multilingual
35
+ - **License:** Apache-2.0
36
+ - **Parameter count:** 7.2B
37
+ - **Tokenizer:** RWKV World tokenizer
38
+ - **Vocabulary size:** 65,536
39
+
40
+ ### Model Sources
41
+
42
+ <!-- Provide the basic links for the model. -->
43
+
44
+ - **Repository:** https://github.com/fla-org/flash-linear-attention ; https://github.com/BlinkDL/RWKV-LM
45
+ - **Paper:** https://arxiv.org/abs/2503.14456
46
+ - **Model:** https://huggingface.co/BlinkDL/rwkv7-g1/resolve/main/rwkv7-g1-2.9b-20250519-ctx4096.pth
47
+
48
+ ## Uses
49
+
50
+ <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
51
+ Install `flash-linear-attention` and the latest version of `transformers` before using this model:
52
+
53
+ ```bash
54
+ pip install git+https://github.com/fla-org/flash-linear-attention
55
+ pip install 'transformers>=4.48.0'
56
+ ```
57
+
58
+ ### Direct Use
59
+
60
+ <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
61
+ You can use this model just as any other HuggingFace models:
62
+ ```python
63
+ from transformers import AutoModelForCausalLM, AutoTokenizer
64
+ model = AutoModelForCausalLM.from_pretrained('fla-hub/rwkv7-7.2B-g0', trust_remote_code=True)
65
+ tokenizer = AutoTokenizer.from_pretrained('fla-hub/rwkv7-7.2B-g0', trust_remote_code=True)
66
+ model = model.cuda() # Supported on Nvidia/AMD/Intel eg. model.xpu()
67
+ prompt = "What is a large language model?"
68
+ messages = [
69
+ {"role": "user", "content": prompt}
70
+ ]
71
+ text = tokenizer.apply_chat_template(
72
+ messages,
73
+ tokenize=False,
74
+ add_generation_prompt=True,
75
+ enable_thinking=True # Default is True, set to False to disable thinking
76
+ )
77
+
78
+ model_inputs = tokenizer([text], return_tensors="pt").to(model.device)
79
+ generated_ids = model.generate(
80
+ **model_inputs,
81
+ max_new_tokens=1024,
82
+ do_sample=True,
83
+ temperature=1.0,
84
+ top_p=0.3,
85
+ repetition_penalty=1.2
86
+ )
87
+ generated_ids = [
88
+ output_ids[len(input_ids):] for input_ids, output_ids in zip(model_inputs.input_ids, generated_ids)
89
+ ]
90
+
91
+ response = tokenizer.batch_decode(generated_ids, skip_special_tokens=False)[0]
92
+ print(response)
93
+
94
+ ```
95
+
96
+
97
+ ## FAQ
98
+ Q: safetensors metadata is none.
99
+
100
+ A: upgrade transformers to >=4.48.0: `pip install 'transformers>=4.48.0'`
__init__.py ADDED
File without changes
added_tokens.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ {
2
+ "<|rwkv_tokenizer_end_of_text|>": 0
3
+ }
config.json ADDED
@@ -0,0 +1,73 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "a_low_rank_dim": 128,
3
+ "architectures": [
4
+ "RWKV7ForCausalLM"
5
+ ],
6
+ "attn": null,
7
+ "attn_mode": "chunk",
8
+ "auto_map": {
9
+ "AutoConfig": "configuration_rwkv7.RWKV7Config",
10
+ "AutoModel": "modeling_rwkv7.RWKV7Model",
11
+ "AutoModelForCausalLM": "modeling_rwkv7.RWKV7ForCausalLM"
12
+ },
13
+ "bos_token_id": 1,
14
+ "decay_low_rank_dim": 128,
15
+ "eos_token_id": 2,
16
+ "fuse_cross_entropy": true,
17
+ "fuse_norm": true,
18
+ "gate_low_rank_dim": 480,
19
+ "head_dim": 64,
20
+ "hidden_act": "sqrelu",
21
+ "hidden_ratio": 4.0,
22
+ "hidden_size": 4096,
23
+ "initializer_range": 0.02,
24
+ "intermediate_size": 16384,
25
+ "max_position_embeddings": 2048,
26
+ "model_type": "rwkv7",
27
+ "norm_bias": true,
28
+ "norm_eps": 1e-05,
29
+ "norm_first": true,
30
+ "num_heads": 32,
31
+ "num_hidden_layers": 32,
32
+ "tie_word_embeddings": false,
33
+ "torch_dtype": "bfloat16",
34
+ "transformers_version": "4.53.0",
35
+ "use_cache": true,
36
+ "use_l2warp": true,
37
+ "v_low_rank_dim": 96,
38
+ "value_dim": [
39
+ 4096,
40
+ 4096,
41
+ 4096,
42
+ 4096,
43
+ 4096,
44
+ 4096,
45
+ 4096,
46
+ 4096,
47
+ 4096,
48
+ 4096,
49
+ 4096,
50
+ 4096,
51
+ 4096,
52
+ 4096,
53
+ 4096,
54
+ 4096,
55
+ 4096,
56
+ 4096,
57
+ 4096,
58
+ 4096,
59
+ 4096,
60
+ 4096,
61
+ 4096,
62
+ 4096,
63
+ 4096,
64
+ 4096,
65
+ 4096,
66
+ 4096,
67
+ 4096,
68
+ 4096,
69
+ 4096,
70
+ 4096
71
+ ],
72
+ "vocab_size": 65536
73
+ }
configuration_rwkv7.py ADDED
@@ -0,0 +1,107 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # -*- coding: utf-8 -*-
2
+
3
+ from typing import Dict, List, Optional, Union
4
+
5
+ from transformers.configuration_utils import PretrainedConfig
6
+
7
+
8
+ class RWKV7Config(PretrainedConfig):
9
+
10
+ model_type = 'rwkv7'
11
+ keys_to_ignore_at_inference = ['past_key_values']
12
+
13
+ def __init__(
14
+ self,
15
+ attn_mode: str = "chunk",
16
+ hidden_size: int = 2048,
17
+ hidden_ratio: Optional[int] = 4,
18
+ intermediate_size: Optional[int] = None,
19
+ num_hidden_layers: int = 24,
20
+ head_dim: Optional[int] = 64,
21
+ num_heads: Optional[int] = None,
22
+ decay_low_rank_dim: int = 64,
23
+ gate_low_rank_dim: int = 128,
24
+ a_low_rank_dim: int = 64,
25
+ v_low_rank_dim: int = 16,
26
+ hidden_act: str = "sqrelu",
27
+ max_position_embeddings: int = 2048,
28
+ norm_first: bool = True,
29
+ norm_bias: bool = True,
30
+ norm_eps: float = 1e-5,
31
+ attn: Optional[Dict] = None,
32
+ use_cache: bool = True,
33
+ pad_token_id: Optional[int] = None,
34
+ bos_token_id: int = 1,
35
+ eos_token_id: int = 2,
36
+ tie_word_embeddings: bool = False,
37
+ initializer_range: float = 0.02,
38
+ fuse_norm: bool = True,
39
+ fuse_cross_entropy: bool = True,
40
+ use_l2warp: bool = True,
41
+ vocab_size: int = 32000,
42
+ value_dim: Optional[Union[int, List[int]]] = None,
43
+ **kwargs
44
+ ):
45
+ self.attn_mode = attn_mode
46
+ self.hidden_size = hidden_size
47
+ self.hidden_ratio = hidden_ratio
48
+ self.intermediate_size = intermediate_size
49
+ self.norm_first = norm_first
50
+ self.num_hidden_layers = num_hidden_layers
51
+
52
+ if head_dim is None and num_heads is not None:
53
+ head_dim = int(hidden_size // num_heads)
54
+ elif head_dim is not None and num_heads is None:
55
+ num_heads = int(hidden_size // head_dim)
56
+
57
+ if value_dim is None:
58
+ value_dim = [hidden_size] * num_hidden_layers
59
+ elif isinstance(value_dim, int):
60
+ assert value_dim >= hidden_size, "value_dim must be greater than hidden_size"
61
+ assert value_dim % hidden_size == 0, "value_dim must be divisible by hidden_size"
62
+ value_dim = [value_dim] * num_hidden_layers
63
+ else:
64
+ assert len(value_dim) == num_hidden_layers, "value_dim must have the same length as num_hidden_layers"
65
+ for v in value_dim:
66
+ assert v >= hidden_size, "value_dim must be greater than hidden_size"
67
+ assert v % hidden_size == 0, "value_dim must be divisible by hidden_size"
68
+
69
+ self.head_dim = head_dim
70
+ self.num_heads = num_heads
71
+ self.value_dim = value_dim
72
+
73
+ self.decay_low_rank_dim = decay_low_rank_dim
74
+ self.gate_low_rank_dim = gate_low_rank_dim
75
+ self.a_low_rank_dim = a_low_rank_dim
76
+ self.v_low_rank_dim = v_low_rank_dim
77
+ self.hidden_act = hidden_act
78
+ self.max_position_embeddings = max_position_embeddings
79
+ self.norm_bias = norm_bias
80
+ self.norm_eps = norm_eps
81
+ self.attn = attn
82
+ self.use_cache = use_cache
83
+ self.initializer_range = initializer_range
84
+ self.fuse_norm = fuse_norm
85
+ self.fuse_cross_entropy = fuse_cross_entropy
86
+ self.use_l2warp = use_l2warp
87
+ self.vocab_size = vocab_size
88
+
89
+ if attn is not None:
90
+ if not isinstance(attn, Dict):
91
+ raise ValueError("attn must be a dictionary")
92
+ if 'layers' not in attn:
93
+ raise ValueError("Layer indices must be provided to initialize hybrid attention layers")
94
+ if 'num_heads' not in attn:
95
+ raise ValueError("Number of heads must be provided to initialize hybrid attention layers")
96
+ attn['num_kv_heads'] = attn.get('num_kv_heads', attn['num_heads'])
97
+ attn['qkv_bias'] = attn.get('qkv_bias', False)
98
+ attn['window_size'] = attn.get('window_size', None)
99
+ attn['rope_theta'] = attn.get('rope_theta', 10000.)
100
+
101
+ super().__init__(
102
+ pad_token_id=pad_token_id,
103
+ bos_token_id=bos_token_id,
104
+ eos_token_id=eos_token_id,
105
+ tie_word_embeddings=tie_word_embeddings,
106
+ **kwargs,
107
+ )
generation_config.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token_id": 0,
3
+ "do_sample": true,
4
+ "eos_token_id": 0,
5
+ "max_window_size": 2147483647,
6
+ "pad_token_id": 0,
7
+ "top_k": 65536,
8
+ "transformers_version": "4.53.0"
9
+ }
hf_rwkv_tokenizer.py ADDED
@@ -0,0 +1,280 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # coding=utf-8
2
+ # Copyright 2024 The HuggingFace Inc. team.
3
+ #
4
+ # Licensed under the Apache License, Version 2.0 (the "License");
5
+ # you may not use this file except in compliance with the License.
6
+ # You may obtain a copy of the License at
7
+ #
8
+ # http://www.apache.org/licenses/LICENSE-2.0
9
+ #
10
+ # Unless required by applicable law or agreed to in writing, software
11
+ # distributed under the License is distributed on an "AS IS" BASIS,
12
+ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
13
+ # See the License for the specific language governing permissions and
14
+ # limitations under the License.
15
+ """Tokenization classes for RWKV."""
16
+
17
+ import os
18
+ import re
19
+ from typing import TYPE_CHECKING, List, Optional, Tuple
20
+
21
+ from transformers.tokenization_utils import AddedToken, PreTrainedTokenizer
22
+ from transformers.utils import logging
23
+
24
+
25
+ if TYPE_CHECKING:
26
+ pass
27
+
28
+ logger = logging.get_logger(__name__)
29
+
30
+
31
+ VOCAB_FILES_NAMES = {
32
+ "vocab_file": "rwkv_vocab_v20230424.txt",
33
+ }
34
+
35
+ class TRIE:
36
+ __slots__ = tuple("ch,to,values,front".split(","))
37
+ to: list
38
+ values: set
39
+
40
+ def __init__(self, front=None, ch=None):
41
+ self.ch = ch
42
+ self.to = [None for ch in range(256)]
43
+ self.values = set()
44
+ self.front = front
45
+
46
+ def __repr__(self):
47
+ fr = self
48
+ ret = []
49
+ while fr != None:
50
+ if fr.ch != None:
51
+ ret.append(fr.ch)
52
+ fr = fr.front
53
+ return "<TRIE %s %s>" % (ret[::-1], self.values)
54
+
55
+ def add(self, key: bytes, idx: int = 0, val=None):
56
+ if idx == len(key):
57
+ if val is None:
58
+ val = key
59
+ self.values.add(val)
60
+ return self
61
+ ch = key[idx]
62
+ if self.to[ch] is None:
63
+ self.to[ch] = TRIE(front=self, ch=ch)
64
+ return self.to[ch].add(key, idx=idx + 1, val=val)
65
+
66
+ def find_longest(self, key: bytes, idx: int = 0):
67
+ u: TRIE = self
68
+ ch: int = key[idx]
69
+
70
+ while u.to[ch] is not None:
71
+ u = u.to[ch]
72
+ idx += 1
73
+ if u.values:
74
+ ret = idx, u, u.values
75
+ if idx == len(key):
76
+ break
77
+ ch = key[idx]
78
+ return ret
79
+
80
+
81
+ class RWKV_TOKENIZER:
82
+ def __init__(self, file_name):
83
+ self.idx2token = {}
84
+ sorted = [] # must be already sorted
85
+ with open(file_name, "r", encoding="utf-8") as f:
86
+ lines = f.readlines()
87
+ for l in lines:
88
+ idx = int(l[: l.index(" ")])
89
+ x = eval(l[l.index(" ") : l.rindex(" ")])
90
+ x = x.encode("utf-8") if isinstance(x, str) else x
91
+ assert isinstance(x, bytes)
92
+
93
+ assert len(x) == int(l[l.rindex(" ") :])
94
+ sorted += [x]
95
+ self.idx2token[idx] = x
96
+
97
+ self.token2idx = {}
98
+ for k, v in self.idx2token.items():
99
+ self.token2idx[v] = int(k)
100
+
101
+ self.root = TRIE()
102
+ for t, i in self.token2idx.items():
103
+ _ = self.root.add(t, val=(t, i))
104
+
105
+ def encodeBytes(self, src: bytes):
106
+ idx: int = 0
107
+ tokens = []
108
+ while idx < len(src):
109
+ _idx: int = idx
110
+ idx, _, values = self.root.find_longest(src, idx)
111
+ assert idx != _idx
112
+ _, token = next(iter(values))
113
+ tokens.append(token)
114
+ return tokens
115
+
116
+ def decodeBytes(self, tokens):
117
+ return b"".join(map(lambda i: self.idx2token[i], tokens))
118
+
119
+ def encode(self, src):
120
+ if isinstance(src, str):
121
+ return [self.encodeBytes(src.encode("utf-8"))]
122
+ elif isinstance(src, list):
123
+ return [self.encodeBytes(s.encode("utf-8")) for s in src]
124
+
125
+ def decode(self, tokens):
126
+ return [self.decodeBytes(batch).decode("utf-8") for batch in tokens]
127
+ # try:
128
+ # return self.decodeBytes(tokens).decode('utf-8')
129
+ # except:
130
+ # return '\ufffd' # bad utf-8
131
+
132
+ def printTokens(self, tokens):
133
+ for i in tokens:
134
+ s = self.idx2token[i]
135
+ try:
136
+ s = s.decode("utf-8")
137
+ except:
138
+ pass
139
+ print(f"{repr(s)}{i}", end=" ")
140
+ print()
141
+
142
+
143
+ class RwkvTokenizer(PreTrainedTokenizer):
144
+ vocab_files_names = VOCAB_FILES_NAMES
145
+ model_input_names = ["input_ids", "attention_mask"]
146
+
147
+ def __init__(
148
+ self, vocab_file, bos_token="<|rwkv_tokenizer_end_of_text|>", eos_token="<|rwkv_tokenizer_end_of_text|>", unk_token="<|rwkv_tokenizer_end_of_text|>", **kwargs
149
+ ):
150
+ if not os.path.isfile(vocab_file):
151
+ raise ValueError(
152
+ f"Can't find a vocabulary file at path '{vocab_file}'."
153
+ )
154
+
155
+ with open(vocab_file, "r", encoding="utf-8") as reader:
156
+ tokens = reader.readlines()
157
+
158
+ if "add_bos_token" in kwargs:
159
+ self.add_bos_token = kwargs["add_bos_token"]
160
+ else:
161
+ self.add_bos_token = False
162
+ self.trie_tokenizer = RWKV_TOKENIZER(vocab_file)
163
+ vocab = self.trie_tokenizer.token2idx
164
+ self.encoder = vocab
165
+ self.decoder = {v: k for k, v in vocab.items()}
166
+ self._added_tokens_decoder = {0: AddedToken(str(bos_token))}
167
+ super().__init__(
168
+ bos_token=bos_token, eos_token=eos_token, unk_token=unk_token, **kwargs
169
+ )
170
+
171
+ @property
172
+ def vocab_size(self):
173
+ return len(self.encoder)
174
+
175
+ def get_vocab(self):
176
+ vocab = self.encoder
177
+ vocab.update(self.added_tokens_encoder)
178
+ vocab = dict(sorted(vocab.items(), key=lambda item: item[1]))
179
+ return vocab
180
+
181
+ def _tokenize(self, text, split_special_tokens=False):
182
+ # return self.wordpiece_tokenizer.tokenize(text.encode("utf-8"))
183
+ return self.trie_tokenizer.encode(text)[0]
184
+
185
+ def _convert_token_to_id(self, token):
186
+ return token
187
+
188
+ def _convert_id_to_token(self, index):
189
+ """Converts an index (integer) in a token (byte) using the vocab."""
190
+ token = self.decoder.get(index, self.unk_token)
191
+ if isinstance(token, (bytes)):
192
+ token = token.decode("utf-8", errors="replace")
193
+ return token
194
+
195
+ def convert_tokens_to_string(self, tokens):
196
+ """Converts a sequence of tokens (bytes) in a single string. Additional tokens are encoded to bytes"""
197
+ out_string = b"".join(
198
+ [k.encode(errors="replace") if isinstance(k, str) else k for k in tokens]
199
+ ).decode("utf-8")
200
+ return out_string
201
+
202
+ def save_vocabulary(
203
+ self, save_directory: str, filename_prefix: Optional[str] = None
204
+ ) -> Tuple[str]:
205
+ index = 0
206
+ if os.path.isdir(save_directory):
207
+ vocab_file = os.path.join(
208
+ save_directory,
209
+ (filename_prefix + "-" if filename_prefix else "") + "vocab.txt",
210
+ )
211
+ else:
212
+ vocab_file = (
213
+ filename_prefix + "-" if filename_prefix else ""
214
+ ) + save_directory
215
+ with open(vocab_file, "w", encoding="utf-8") as writer:
216
+ for token, token_index in sorted(
217
+ self.encoder.items(), key=lambda kv: kv[1]
218
+ ):
219
+ if index != token_index:
220
+ logger.warning(
221
+ f"Saving vocabulary to {vocab_file}: vocabulary indices are not consecutive."
222
+ " Please check that the vocabulary is not corrupted!"
223
+ )
224
+ index = token_index
225
+ writer.write(str(token) + "\n")
226
+ index += 1
227
+ return (vocab_file,)
228
+
229
+ def build_inputs_with_special_tokens(self, token_ids_0, token_ids_1=None):
230
+ if self.add_bos_token:
231
+ bos_token_ids = [self.bos_token_id]
232
+ else:
233
+ bos_token_ids = []
234
+
235
+ output = bos_token_ids + token_ids_0
236
+
237
+ if token_ids_1 is None:
238
+ return output
239
+
240
+ return output + bos_token_ids + token_ids_1
241
+
242
+ def get_special_tokens_mask(
243
+ self,
244
+ token_ids_0: List[int],
245
+ token_ids_1: Optional[List[int]] = None,
246
+ already_has_special_tokens: bool = False,
247
+ ) -> List[int]:
248
+ """
249
+ Retrieves sequence ids from a token list that has no special tokens added. This method is called when adding
250
+ special tokens using the tokenizer `prepare_for_model` or `encode_plus` methods.
251
+
252
+ Args:
253
+ token_ids_0 (`List[int]`):
254
+ List of IDs.
255
+ token_ids_1 (`List[int]`, *optional*):
256
+ Optional second list of IDs for sequence pairs.
257
+ already_has_special_tokens (`bool`, *optional*, defaults to `False`):
258
+ Whether or not the token list is already formatted with special tokens for the model.
259
+
260
+ Returns:
261
+ `List[int]`: A list of integers in the range [0, 1]: 1 for a special token, 0 for a sequence token.
262
+ """
263
+ if already_has_special_tokens:
264
+ return super().get_special_tokens_mask(
265
+ token_ids_0=token_ids_0,
266
+ token_ids_1=token_ids_1,
267
+ already_has_special_tokens=True,
268
+ )
269
+
270
+ if not self.add_bos_token:
271
+ return super().get_special_tokens_mask(
272
+ token_ids_0=token_ids_0,
273
+ token_ids_1=token_ids_1,
274
+ already_has_special_tokens=False,
275
+ )
276
+
277
+ if token_ids_1 is None:
278
+ return [1] + ([0] * len(token_ids_0))
279
+ return [1] + ([0] * len(token_ids_0)) + [1] + ([0] * len(token_ids_1))
280
+
model-00001-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:489de75c7b850d9dfcda08d669d17ff2cf766b4270f761627c29e636a2942e30
3
+ size 4981971088
model-00002-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:26b6811cc0d6dbf477b5a400c1f68e3045964f347f5dc3a880058c16ca2832f0
3
+ size 4997326912
model-00003-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b705a8d9b5b95913138fb752d7ab193041d2042a32f258567e3cc4bc882752eb
3
+ size 4419100656
model.safetensors.index.json ADDED
@@ -0,0 +1,1067 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "metadata": {
3
+ "total_parameters": 7199141888,
4
+ "total_size": 14398283776
5
+ },
6
+ "weight_map": {
7
+ "lm_head.weight": "model-00003-of-00003.safetensors",
8
+ "model.embeddings.weight": "model-00001-of-00003.safetensors",
9
+ "model.layers.0.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
10
+ "model.layers.0.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
11
+ "model.layers.0.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
12
+ "model.layers.0.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
13
+ "model.layers.0.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
14
+ "model.layers.0.attn.g_norm.bias": "model-00001-of-00003.safetensors",
15
+ "model.layers.0.attn.g_norm.weight": "model-00001-of-00003.safetensors",
16
+ "model.layers.0.attn.k_a": "model-00001-of-00003.safetensors",
17
+ "model.layers.0.attn.k_k": "model-00001-of-00003.safetensors",
18
+ "model.layers.0.attn.k_proj.weight": "model-00001-of-00003.safetensors",
19
+ "model.layers.0.attn.o_proj.weight": "model-00001-of-00003.safetensors",
20
+ "model.layers.0.attn.r_k": "model-00001-of-00003.safetensors",
21
+ "model.layers.0.attn.r_proj.weight": "model-00001-of-00003.safetensors",
22
+ "model.layers.0.attn.v_proj.weight": "model-00001-of-00003.safetensors",
23
+ "model.layers.0.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
24
+ "model.layers.0.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
25
+ "model.layers.0.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
26
+ "model.layers.0.attn.x_a": "model-00001-of-00003.safetensors",
27
+ "model.layers.0.attn.x_g": "model-00001-of-00003.safetensors",
28
+ "model.layers.0.attn.x_k": "model-00001-of-00003.safetensors",
29
+ "model.layers.0.attn.x_r": "model-00001-of-00003.safetensors",
30
+ "model.layers.0.attn.x_v": "model-00001-of-00003.safetensors",
31
+ "model.layers.0.attn.x_w": "model-00001-of-00003.safetensors",
32
+ "model.layers.0.attn_norm.bias": "model-00001-of-00003.safetensors",
33
+ "model.layers.0.attn_norm.weight": "model-00001-of-00003.safetensors",
34
+ "model.layers.0.ffn.key.weight": "model-00001-of-00003.safetensors",
35
+ "model.layers.0.ffn.value.weight": "model-00001-of-00003.safetensors",
36
+ "model.layers.0.ffn.x_k": "model-00001-of-00003.safetensors",
37
+ "model.layers.0.ffn_norm.bias": "model-00001-of-00003.safetensors",
38
+ "model.layers.0.ffn_norm.weight": "model-00001-of-00003.safetensors",
39
+ "model.layers.0.pre_norm.bias": "model-00001-of-00003.safetensors",
40
+ "model.layers.0.pre_norm.weight": "model-00001-of-00003.safetensors",
41
+ "model.layers.1.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
42
+ "model.layers.1.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
43
+ "model.layers.1.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
44
+ "model.layers.1.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
45
+ "model.layers.1.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
46
+ "model.layers.1.attn.g_norm.bias": "model-00001-of-00003.safetensors",
47
+ "model.layers.1.attn.g_norm.weight": "model-00001-of-00003.safetensors",
48
+ "model.layers.1.attn.k_a": "model-00001-of-00003.safetensors",
49
+ "model.layers.1.attn.k_k": "model-00001-of-00003.safetensors",
50
+ "model.layers.1.attn.k_proj.weight": "model-00001-of-00003.safetensors",
51
+ "model.layers.1.attn.o_proj.weight": "model-00001-of-00003.safetensors",
52
+ "model.layers.1.attn.r_k": "model-00001-of-00003.safetensors",
53
+ "model.layers.1.attn.r_proj.weight": "model-00001-of-00003.safetensors",
54
+ "model.layers.1.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
55
+ "model.layers.1.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
56
+ "model.layers.1.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
57
+ "model.layers.1.attn.v_proj.weight": "model-00001-of-00003.safetensors",
58
+ "model.layers.1.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
59
+ "model.layers.1.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
60
+ "model.layers.1.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
61
+ "model.layers.1.attn.x_a": "model-00001-of-00003.safetensors",
62
+ "model.layers.1.attn.x_g": "model-00001-of-00003.safetensors",
63
+ "model.layers.1.attn.x_k": "model-00001-of-00003.safetensors",
64
+ "model.layers.1.attn.x_r": "model-00001-of-00003.safetensors",
65
+ "model.layers.1.attn.x_v": "model-00001-of-00003.safetensors",
66
+ "model.layers.1.attn.x_w": "model-00001-of-00003.safetensors",
67
+ "model.layers.1.attn_norm.bias": "model-00001-of-00003.safetensors",
68
+ "model.layers.1.attn_norm.weight": "model-00001-of-00003.safetensors",
69
+ "model.layers.1.ffn.key.weight": "model-00001-of-00003.safetensors",
70
+ "model.layers.1.ffn.value.weight": "model-00001-of-00003.safetensors",
71
+ "model.layers.1.ffn.x_k": "model-00001-of-00003.safetensors",
72
+ "model.layers.1.ffn_norm.bias": "model-00001-of-00003.safetensors",
73
+ "model.layers.1.ffn_norm.weight": "model-00001-of-00003.safetensors",
74
+ "model.layers.10.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
75
+ "model.layers.10.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
76
+ "model.layers.10.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
77
+ "model.layers.10.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
78
+ "model.layers.10.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
79
+ "model.layers.10.attn.g_norm.bias": "model-00001-of-00003.safetensors",
80
+ "model.layers.10.attn.g_norm.weight": "model-00001-of-00003.safetensors",
81
+ "model.layers.10.attn.k_a": "model-00001-of-00003.safetensors",
82
+ "model.layers.10.attn.k_k": "model-00001-of-00003.safetensors",
83
+ "model.layers.10.attn.k_proj.weight": "model-00001-of-00003.safetensors",
84
+ "model.layers.10.attn.o_proj.weight": "model-00001-of-00003.safetensors",
85
+ "model.layers.10.attn.r_k": "model-00001-of-00003.safetensors",
86
+ "model.layers.10.attn.r_proj.weight": "model-00001-of-00003.safetensors",
87
+ "model.layers.10.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
88
+ "model.layers.10.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
89
+ "model.layers.10.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
90
+ "model.layers.10.attn.v_proj.weight": "model-00001-of-00003.safetensors",
91
+ "model.layers.10.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
92
+ "model.layers.10.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
93
+ "model.layers.10.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
94
+ "model.layers.10.attn.x_a": "model-00001-of-00003.safetensors",
95
+ "model.layers.10.attn.x_g": "model-00001-of-00003.safetensors",
96
+ "model.layers.10.attn.x_k": "model-00001-of-00003.safetensors",
97
+ "model.layers.10.attn.x_r": "model-00001-of-00003.safetensors",
98
+ "model.layers.10.attn.x_v": "model-00001-of-00003.safetensors",
99
+ "model.layers.10.attn.x_w": "model-00001-of-00003.safetensors",
100
+ "model.layers.10.attn_norm.bias": "model-00001-of-00003.safetensors",
101
+ "model.layers.10.attn_norm.weight": "model-00001-of-00003.safetensors",
102
+ "model.layers.10.ffn.key.weight": "model-00001-of-00003.safetensors",
103
+ "model.layers.10.ffn.value.weight": "model-00002-of-00003.safetensors",
104
+ "model.layers.10.ffn.x_k": "model-00001-of-00003.safetensors",
105
+ "model.layers.10.ffn_norm.bias": "model-00001-of-00003.safetensors",
106
+ "model.layers.10.ffn_norm.weight": "model-00001-of-00003.safetensors",
107
+ "model.layers.11.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
108
+ "model.layers.11.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
109
+ "model.layers.11.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
110
+ "model.layers.11.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
111
+ "model.layers.11.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
112
+ "model.layers.11.attn.g_norm.bias": "model-00002-of-00003.safetensors",
113
+ "model.layers.11.attn.g_norm.weight": "model-00002-of-00003.safetensors",
114
+ "model.layers.11.attn.k_a": "model-00002-of-00003.safetensors",
115
+ "model.layers.11.attn.k_k": "model-00002-of-00003.safetensors",
116
+ "model.layers.11.attn.k_proj.weight": "model-00002-of-00003.safetensors",
117
+ "model.layers.11.attn.o_proj.weight": "model-00002-of-00003.safetensors",
118
+ "model.layers.11.attn.r_k": "model-00002-of-00003.safetensors",
119
+ "model.layers.11.attn.r_proj.weight": "model-00002-of-00003.safetensors",
120
+ "model.layers.11.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
121
+ "model.layers.11.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
122
+ "model.layers.11.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
123
+ "model.layers.11.attn.v_proj.weight": "model-00002-of-00003.safetensors",
124
+ "model.layers.11.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
125
+ "model.layers.11.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
126
+ "model.layers.11.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
127
+ "model.layers.11.attn.x_a": "model-00002-of-00003.safetensors",
128
+ "model.layers.11.attn.x_g": "model-00002-of-00003.safetensors",
129
+ "model.layers.11.attn.x_k": "model-00002-of-00003.safetensors",
130
+ "model.layers.11.attn.x_r": "model-00002-of-00003.safetensors",
131
+ "model.layers.11.attn.x_v": "model-00002-of-00003.safetensors",
132
+ "model.layers.11.attn.x_w": "model-00002-of-00003.safetensors",
133
+ "model.layers.11.attn_norm.bias": "model-00002-of-00003.safetensors",
134
+ "model.layers.11.attn_norm.weight": "model-00002-of-00003.safetensors",
135
+ "model.layers.11.ffn.key.weight": "model-00002-of-00003.safetensors",
136
+ "model.layers.11.ffn.value.weight": "model-00002-of-00003.safetensors",
137
+ "model.layers.11.ffn.x_k": "model-00002-of-00003.safetensors",
138
+ "model.layers.11.ffn_norm.bias": "model-00002-of-00003.safetensors",
139
+ "model.layers.11.ffn_norm.weight": "model-00002-of-00003.safetensors",
140
+ "model.layers.12.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
141
+ "model.layers.12.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
142
+ "model.layers.12.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
143
+ "model.layers.12.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
144
+ "model.layers.12.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
145
+ "model.layers.12.attn.g_norm.bias": "model-00002-of-00003.safetensors",
146
+ "model.layers.12.attn.g_norm.weight": "model-00002-of-00003.safetensors",
147
+ "model.layers.12.attn.k_a": "model-00002-of-00003.safetensors",
148
+ "model.layers.12.attn.k_k": "model-00002-of-00003.safetensors",
149
+ "model.layers.12.attn.k_proj.weight": "model-00002-of-00003.safetensors",
150
+ "model.layers.12.attn.o_proj.weight": "model-00002-of-00003.safetensors",
151
+ "model.layers.12.attn.r_k": "model-00002-of-00003.safetensors",
152
+ "model.layers.12.attn.r_proj.weight": "model-00002-of-00003.safetensors",
153
+ "model.layers.12.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
154
+ "model.layers.12.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
155
+ "model.layers.12.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
156
+ "model.layers.12.attn.v_proj.weight": "model-00002-of-00003.safetensors",
157
+ "model.layers.12.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
158
+ "model.layers.12.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
159
+ "model.layers.12.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
160
+ "model.layers.12.attn.x_a": "model-00002-of-00003.safetensors",
161
+ "model.layers.12.attn.x_g": "model-00002-of-00003.safetensors",
162
+ "model.layers.12.attn.x_k": "model-00002-of-00003.safetensors",
163
+ "model.layers.12.attn.x_r": "model-00002-of-00003.safetensors",
164
+ "model.layers.12.attn.x_v": "model-00002-of-00003.safetensors",
165
+ "model.layers.12.attn.x_w": "model-00002-of-00003.safetensors",
166
+ "model.layers.12.attn_norm.bias": "model-00002-of-00003.safetensors",
167
+ "model.layers.12.attn_norm.weight": "model-00002-of-00003.safetensors",
168
+ "model.layers.12.ffn.key.weight": "model-00002-of-00003.safetensors",
169
+ "model.layers.12.ffn.value.weight": "model-00002-of-00003.safetensors",
170
+ "model.layers.12.ffn.x_k": "model-00002-of-00003.safetensors",
171
+ "model.layers.12.ffn_norm.bias": "model-00002-of-00003.safetensors",
172
+ "model.layers.12.ffn_norm.weight": "model-00002-of-00003.safetensors",
173
+ "model.layers.13.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
174
+ "model.layers.13.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
175
+ "model.layers.13.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
176
+ "model.layers.13.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
177
+ "model.layers.13.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
178
+ "model.layers.13.attn.g_norm.bias": "model-00002-of-00003.safetensors",
179
+ "model.layers.13.attn.g_norm.weight": "model-00002-of-00003.safetensors",
180
+ "model.layers.13.attn.k_a": "model-00002-of-00003.safetensors",
181
+ "model.layers.13.attn.k_k": "model-00002-of-00003.safetensors",
182
+ "model.layers.13.attn.k_proj.weight": "model-00002-of-00003.safetensors",
183
+ "model.layers.13.attn.o_proj.weight": "model-00002-of-00003.safetensors",
184
+ "model.layers.13.attn.r_k": "model-00002-of-00003.safetensors",
185
+ "model.layers.13.attn.r_proj.weight": "model-00002-of-00003.safetensors",
186
+ "model.layers.13.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
187
+ "model.layers.13.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
188
+ "model.layers.13.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
189
+ "model.layers.13.attn.v_proj.weight": "model-00002-of-00003.safetensors",
190
+ "model.layers.13.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
191
+ "model.layers.13.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
192
+ "model.layers.13.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
193
+ "model.layers.13.attn.x_a": "model-00002-of-00003.safetensors",
194
+ "model.layers.13.attn.x_g": "model-00002-of-00003.safetensors",
195
+ "model.layers.13.attn.x_k": "model-00002-of-00003.safetensors",
196
+ "model.layers.13.attn.x_r": "model-00002-of-00003.safetensors",
197
+ "model.layers.13.attn.x_v": "model-00002-of-00003.safetensors",
198
+ "model.layers.13.attn.x_w": "model-00002-of-00003.safetensors",
199
+ "model.layers.13.attn_norm.bias": "model-00002-of-00003.safetensors",
200
+ "model.layers.13.attn_norm.weight": "model-00002-of-00003.safetensors",
201
+ "model.layers.13.ffn.key.weight": "model-00002-of-00003.safetensors",
202
+ "model.layers.13.ffn.value.weight": "model-00002-of-00003.safetensors",
203
+ "model.layers.13.ffn.x_k": "model-00002-of-00003.safetensors",
204
+ "model.layers.13.ffn_norm.bias": "model-00002-of-00003.safetensors",
205
+ "model.layers.13.ffn_norm.weight": "model-00002-of-00003.safetensors",
206
+ "model.layers.14.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
207
+ "model.layers.14.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
208
+ "model.layers.14.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
209
+ "model.layers.14.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
210
+ "model.layers.14.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
211
+ "model.layers.14.attn.g_norm.bias": "model-00002-of-00003.safetensors",
212
+ "model.layers.14.attn.g_norm.weight": "model-00002-of-00003.safetensors",
213
+ "model.layers.14.attn.k_a": "model-00002-of-00003.safetensors",
214
+ "model.layers.14.attn.k_k": "model-00002-of-00003.safetensors",
215
+ "model.layers.14.attn.k_proj.weight": "model-00002-of-00003.safetensors",
216
+ "model.layers.14.attn.o_proj.weight": "model-00002-of-00003.safetensors",
217
+ "model.layers.14.attn.r_k": "model-00002-of-00003.safetensors",
218
+ "model.layers.14.attn.r_proj.weight": "model-00002-of-00003.safetensors",
219
+ "model.layers.14.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
220
+ "model.layers.14.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
221
+ "model.layers.14.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
222
+ "model.layers.14.attn.v_proj.weight": "model-00002-of-00003.safetensors",
223
+ "model.layers.14.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
224
+ "model.layers.14.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
225
+ "model.layers.14.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
226
+ "model.layers.14.attn.x_a": "model-00002-of-00003.safetensors",
227
+ "model.layers.14.attn.x_g": "model-00002-of-00003.safetensors",
228
+ "model.layers.14.attn.x_k": "model-00002-of-00003.safetensors",
229
+ "model.layers.14.attn.x_r": "model-00002-of-00003.safetensors",
230
+ "model.layers.14.attn.x_v": "model-00002-of-00003.safetensors",
231
+ "model.layers.14.attn.x_w": "model-00002-of-00003.safetensors",
232
+ "model.layers.14.attn_norm.bias": "model-00002-of-00003.safetensors",
233
+ "model.layers.14.attn_norm.weight": "model-00002-of-00003.safetensors",
234
+ "model.layers.14.ffn.key.weight": "model-00002-of-00003.safetensors",
235
+ "model.layers.14.ffn.value.weight": "model-00002-of-00003.safetensors",
236
+ "model.layers.14.ffn.x_k": "model-00002-of-00003.safetensors",
237
+ "model.layers.14.ffn_norm.bias": "model-00002-of-00003.safetensors",
238
+ "model.layers.14.ffn_norm.weight": "model-00002-of-00003.safetensors",
239
+ "model.layers.15.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
240
+ "model.layers.15.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
241
+ "model.layers.15.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
242
+ "model.layers.15.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
243
+ "model.layers.15.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
244
+ "model.layers.15.attn.g_norm.bias": "model-00002-of-00003.safetensors",
245
+ "model.layers.15.attn.g_norm.weight": "model-00002-of-00003.safetensors",
246
+ "model.layers.15.attn.k_a": "model-00002-of-00003.safetensors",
247
+ "model.layers.15.attn.k_k": "model-00002-of-00003.safetensors",
248
+ "model.layers.15.attn.k_proj.weight": "model-00002-of-00003.safetensors",
249
+ "model.layers.15.attn.o_proj.weight": "model-00002-of-00003.safetensors",
250
+ "model.layers.15.attn.r_k": "model-00002-of-00003.safetensors",
251
+ "model.layers.15.attn.r_proj.weight": "model-00002-of-00003.safetensors",
252
+ "model.layers.15.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
253
+ "model.layers.15.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
254
+ "model.layers.15.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
255
+ "model.layers.15.attn.v_proj.weight": "model-00002-of-00003.safetensors",
256
+ "model.layers.15.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
257
+ "model.layers.15.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
258
+ "model.layers.15.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
259
+ "model.layers.15.attn.x_a": "model-00002-of-00003.safetensors",
260
+ "model.layers.15.attn.x_g": "model-00002-of-00003.safetensors",
261
+ "model.layers.15.attn.x_k": "model-00002-of-00003.safetensors",
262
+ "model.layers.15.attn.x_r": "model-00002-of-00003.safetensors",
263
+ "model.layers.15.attn.x_v": "model-00002-of-00003.safetensors",
264
+ "model.layers.15.attn.x_w": "model-00002-of-00003.safetensors",
265
+ "model.layers.15.attn_norm.bias": "model-00002-of-00003.safetensors",
266
+ "model.layers.15.attn_norm.weight": "model-00002-of-00003.safetensors",
267
+ "model.layers.15.ffn.key.weight": "model-00002-of-00003.safetensors",
268
+ "model.layers.15.ffn.value.weight": "model-00002-of-00003.safetensors",
269
+ "model.layers.15.ffn.x_k": "model-00002-of-00003.safetensors",
270
+ "model.layers.15.ffn_norm.bias": "model-00002-of-00003.safetensors",
271
+ "model.layers.15.ffn_norm.weight": "model-00002-of-00003.safetensors",
272
+ "model.layers.16.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
273
+ "model.layers.16.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
274
+ "model.layers.16.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
275
+ "model.layers.16.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
276
+ "model.layers.16.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
277
+ "model.layers.16.attn.g_norm.bias": "model-00002-of-00003.safetensors",
278
+ "model.layers.16.attn.g_norm.weight": "model-00002-of-00003.safetensors",
279
+ "model.layers.16.attn.k_a": "model-00002-of-00003.safetensors",
280
+ "model.layers.16.attn.k_k": "model-00002-of-00003.safetensors",
281
+ "model.layers.16.attn.k_proj.weight": "model-00002-of-00003.safetensors",
282
+ "model.layers.16.attn.o_proj.weight": "model-00002-of-00003.safetensors",
283
+ "model.layers.16.attn.r_k": "model-00002-of-00003.safetensors",
284
+ "model.layers.16.attn.r_proj.weight": "model-00002-of-00003.safetensors",
285
+ "model.layers.16.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
286
+ "model.layers.16.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
287
+ "model.layers.16.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
288
+ "model.layers.16.attn.v_proj.weight": "model-00002-of-00003.safetensors",
289
+ "model.layers.16.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
290
+ "model.layers.16.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
291
+ "model.layers.16.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
292
+ "model.layers.16.attn.x_a": "model-00002-of-00003.safetensors",
293
+ "model.layers.16.attn.x_g": "model-00002-of-00003.safetensors",
294
+ "model.layers.16.attn.x_k": "model-00002-of-00003.safetensors",
295
+ "model.layers.16.attn.x_r": "model-00002-of-00003.safetensors",
296
+ "model.layers.16.attn.x_v": "model-00002-of-00003.safetensors",
297
+ "model.layers.16.attn.x_w": "model-00002-of-00003.safetensors",
298
+ "model.layers.16.attn_norm.bias": "model-00002-of-00003.safetensors",
299
+ "model.layers.16.attn_norm.weight": "model-00002-of-00003.safetensors",
300
+ "model.layers.16.ffn.key.weight": "model-00002-of-00003.safetensors",
301
+ "model.layers.16.ffn.value.weight": "model-00002-of-00003.safetensors",
302
+ "model.layers.16.ffn.x_k": "model-00002-of-00003.safetensors",
303
+ "model.layers.16.ffn_norm.bias": "model-00002-of-00003.safetensors",
304
+ "model.layers.16.ffn_norm.weight": "model-00002-of-00003.safetensors",
305
+ "model.layers.17.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
306
+ "model.layers.17.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
307
+ "model.layers.17.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
308
+ "model.layers.17.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
309
+ "model.layers.17.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
310
+ "model.layers.17.attn.g_norm.bias": "model-00002-of-00003.safetensors",
311
+ "model.layers.17.attn.g_norm.weight": "model-00002-of-00003.safetensors",
312
+ "model.layers.17.attn.k_a": "model-00002-of-00003.safetensors",
313
+ "model.layers.17.attn.k_k": "model-00002-of-00003.safetensors",
314
+ "model.layers.17.attn.k_proj.weight": "model-00002-of-00003.safetensors",
315
+ "model.layers.17.attn.o_proj.weight": "model-00002-of-00003.safetensors",
316
+ "model.layers.17.attn.r_k": "model-00002-of-00003.safetensors",
317
+ "model.layers.17.attn.r_proj.weight": "model-00002-of-00003.safetensors",
318
+ "model.layers.17.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
319
+ "model.layers.17.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
320
+ "model.layers.17.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
321
+ "model.layers.17.attn.v_proj.weight": "model-00002-of-00003.safetensors",
322
+ "model.layers.17.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
323
+ "model.layers.17.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
324
+ "model.layers.17.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
325
+ "model.layers.17.attn.x_a": "model-00002-of-00003.safetensors",
326
+ "model.layers.17.attn.x_g": "model-00002-of-00003.safetensors",
327
+ "model.layers.17.attn.x_k": "model-00002-of-00003.safetensors",
328
+ "model.layers.17.attn.x_r": "model-00002-of-00003.safetensors",
329
+ "model.layers.17.attn.x_v": "model-00002-of-00003.safetensors",
330
+ "model.layers.17.attn.x_w": "model-00002-of-00003.safetensors",
331
+ "model.layers.17.attn_norm.bias": "model-00002-of-00003.safetensors",
332
+ "model.layers.17.attn_norm.weight": "model-00002-of-00003.safetensors",
333
+ "model.layers.17.ffn.key.weight": "model-00002-of-00003.safetensors",
334
+ "model.layers.17.ffn.value.weight": "model-00002-of-00003.safetensors",
335
+ "model.layers.17.ffn.x_k": "model-00002-of-00003.safetensors",
336
+ "model.layers.17.ffn_norm.bias": "model-00002-of-00003.safetensors",
337
+ "model.layers.17.ffn_norm.weight": "model-00002-of-00003.safetensors",
338
+ "model.layers.18.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
339
+ "model.layers.18.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
340
+ "model.layers.18.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
341
+ "model.layers.18.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
342
+ "model.layers.18.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
343
+ "model.layers.18.attn.g_norm.bias": "model-00002-of-00003.safetensors",
344
+ "model.layers.18.attn.g_norm.weight": "model-00002-of-00003.safetensors",
345
+ "model.layers.18.attn.k_a": "model-00002-of-00003.safetensors",
346
+ "model.layers.18.attn.k_k": "model-00002-of-00003.safetensors",
347
+ "model.layers.18.attn.k_proj.weight": "model-00002-of-00003.safetensors",
348
+ "model.layers.18.attn.o_proj.weight": "model-00002-of-00003.safetensors",
349
+ "model.layers.18.attn.r_k": "model-00002-of-00003.safetensors",
350
+ "model.layers.18.attn.r_proj.weight": "model-00002-of-00003.safetensors",
351
+ "model.layers.18.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
352
+ "model.layers.18.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
353
+ "model.layers.18.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
354
+ "model.layers.18.attn.v_proj.weight": "model-00002-of-00003.safetensors",
355
+ "model.layers.18.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
356
+ "model.layers.18.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
357
+ "model.layers.18.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
358
+ "model.layers.18.attn.x_a": "model-00002-of-00003.safetensors",
359
+ "model.layers.18.attn.x_g": "model-00002-of-00003.safetensors",
360
+ "model.layers.18.attn.x_k": "model-00002-of-00003.safetensors",
361
+ "model.layers.18.attn.x_r": "model-00002-of-00003.safetensors",
362
+ "model.layers.18.attn.x_v": "model-00002-of-00003.safetensors",
363
+ "model.layers.18.attn.x_w": "model-00002-of-00003.safetensors",
364
+ "model.layers.18.attn_norm.bias": "model-00002-of-00003.safetensors",
365
+ "model.layers.18.attn_norm.weight": "model-00002-of-00003.safetensors",
366
+ "model.layers.18.ffn.key.weight": "model-00002-of-00003.safetensors",
367
+ "model.layers.18.ffn.value.weight": "model-00002-of-00003.safetensors",
368
+ "model.layers.18.ffn.x_k": "model-00002-of-00003.safetensors",
369
+ "model.layers.18.ffn_norm.bias": "model-00002-of-00003.safetensors",
370
+ "model.layers.18.ffn_norm.weight": "model-00002-of-00003.safetensors",
371
+ "model.layers.19.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
372
+ "model.layers.19.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
373
+ "model.layers.19.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
374
+ "model.layers.19.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
375
+ "model.layers.19.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
376
+ "model.layers.19.attn.g_norm.bias": "model-00002-of-00003.safetensors",
377
+ "model.layers.19.attn.g_norm.weight": "model-00002-of-00003.safetensors",
378
+ "model.layers.19.attn.k_a": "model-00002-of-00003.safetensors",
379
+ "model.layers.19.attn.k_k": "model-00002-of-00003.safetensors",
380
+ "model.layers.19.attn.k_proj.weight": "model-00002-of-00003.safetensors",
381
+ "model.layers.19.attn.o_proj.weight": "model-00002-of-00003.safetensors",
382
+ "model.layers.19.attn.r_k": "model-00002-of-00003.safetensors",
383
+ "model.layers.19.attn.r_proj.weight": "model-00002-of-00003.safetensors",
384
+ "model.layers.19.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
385
+ "model.layers.19.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
386
+ "model.layers.19.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
387
+ "model.layers.19.attn.v_proj.weight": "model-00002-of-00003.safetensors",
388
+ "model.layers.19.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
389
+ "model.layers.19.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
390
+ "model.layers.19.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
391
+ "model.layers.19.attn.x_a": "model-00002-of-00003.safetensors",
392
+ "model.layers.19.attn.x_g": "model-00002-of-00003.safetensors",
393
+ "model.layers.19.attn.x_k": "model-00002-of-00003.safetensors",
394
+ "model.layers.19.attn.x_r": "model-00002-of-00003.safetensors",
395
+ "model.layers.19.attn.x_v": "model-00002-of-00003.safetensors",
396
+ "model.layers.19.attn.x_w": "model-00002-of-00003.safetensors",
397
+ "model.layers.19.attn_norm.bias": "model-00002-of-00003.safetensors",
398
+ "model.layers.19.attn_norm.weight": "model-00002-of-00003.safetensors",
399
+ "model.layers.19.ffn.key.weight": "model-00002-of-00003.safetensors",
400
+ "model.layers.19.ffn.value.weight": "model-00002-of-00003.safetensors",
401
+ "model.layers.19.ffn.x_k": "model-00002-of-00003.safetensors",
402
+ "model.layers.19.ffn_norm.bias": "model-00002-of-00003.safetensors",
403
+ "model.layers.19.ffn_norm.weight": "model-00002-of-00003.safetensors",
404
+ "model.layers.2.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
405
+ "model.layers.2.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
406
+ "model.layers.2.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
407
+ "model.layers.2.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
408
+ "model.layers.2.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
409
+ "model.layers.2.attn.g_norm.bias": "model-00001-of-00003.safetensors",
410
+ "model.layers.2.attn.g_norm.weight": "model-00001-of-00003.safetensors",
411
+ "model.layers.2.attn.k_a": "model-00001-of-00003.safetensors",
412
+ "model.layers.2.attn.k_k": "model-00001-of-00003.safetensors",
413
+ "model.layers.2.attn.k_proj.weight": "model-00001-of-00003.safetensors",
414
+ "model.layers.2.attn.o_proj.weight": "model-00001-of-00003.safetensors",
415
+ "model.layers.2.attn.r_k": "model-00001-of-00003.safetensors",
416
+ "model.layers.2.attn.r_proj.weight": "model-00001-of-00003.safetensors",
417
+ "model.layers.2.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
418
+ "model.layers.2.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
419
+ "model.layers.2.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
420
+ "model.layers.2.attn.v_proj.weight": "model-00001-of-00003.safetensors",
421
+ "model.layers.2.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
422
+ "model.layers.2.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
423
+ "model.layers.2.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
424
+ "model.layers.2.attn.x_a": "model-00001-of-00003.safetensors",
425
+ "model.layers.2.attn.x_g": "model-00001-of-00003.safetensors",
426
+ "model.layers.2.attn.x_k": "model-00001-of-00003.safetensors",
427
+ "model.layers.2.attn.x_r": "model-00001-of-00003.safetensors",
428
+ "model.layers.2.attn.x_v": "model-00001-of-00003.safetensors",
429
+ "model.layers.2.attn.x_w": "model-00001-of-00003.safetensors",
430
+ "model.layers.2.attn_norm.bias": "model-00001-of-00003.safetensors",
431
+ "model.layers.2.attn_norm.weight": "model-00001-of-00003.safetensors",
432
+ "model.layers.2.ffn.key.weight": "model-00001-of-00003.safetensors",
433
+ "model.layers.2.ffn.value.weight": "model-00001-of-00003.safetensors",
434
+ "model.layers.2.ffn.x_k": "model-00001-of-00003.safetensors",
435
+ "model.layers.2.ffn_norm.bias": "model-00001-of-00003.safetensors",
436
+ "model.layers.2.ffn_norm.weight": "model-00001-of-00003.safetensors",
437
+ "model.layers.20.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
438
+ "model.layers.20.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
439
+ "model.layers.20.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
440
+ "model.layers.20.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
441
+ "model.layers.20.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
442
+ "model.layers.20.attn.g_norm.bias": "model-00002-of-00003.safetensors",
443
+ "model.layers.20.attn.g_norm.weight": "model-00002-of-00003.safetensors",
444
+ "model.layers.20.attn.k_a": "model-00002-of-00003.safetensors",
445
+ "model.layers.20.attn.k_k": "model-00002-of-00003.safetensors",
446
+ "model.layers.20.attn.k_proj.weight": "model-00002-of-00003.safetensors",
447
+ "model.layers.20.attn.o_proj.weight": "model-00002-of-00003.safetensors",
448
+ "model.layers.20.attn.r_k": "model-00002-of-00003.safetensors",
449
+ "model.layers.20.attn.r_proj.weight": "model-00002-of-00003.safetensors",
450
+ "model.layers.20.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
451
+ "model.layers.20.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
452
+ "model.layers.20.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
453
+ "model.layers.20.attn.v_proj.weight": "model-00002-of-00003.safetensors",
454
+ "model.layers.20.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
455
+ "model.layers.20.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
456
+ "model.layers.20.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
457
+ "model.layers.20.attn.x_a": "model-00002-of-00003.safetensors",
458
+ "model.layers.20.attn.x_g": "model-00002-of-00003.safetensors",
459
+ "model.layers.20.attn.x_k": "model-00002-of-00003.safetensors",
460
+ "model.layers.20.attn.x_r": "model-00002-of-00003.safetensors",
461
+ "model.layers.20.attn.x_v": "model-00002-of-00003.safetensors",
462
+ "model.layers.20.attn.x_w": "model-00002-of-00003.safetensors",
463
+ "model.layers.20.attn_norm.bias": "model-00002-of-00003.safetensors",
464
+ "model.layers.20.attn_norm.weight": "model-00002-of-00003.safetensors",
465
+ "model.layers.20.ffn.key.weight": "model-00002-of-00003.safetensors",
466
+ "model.layers.20.ffn.value.weight": "model-00002-of-00003.safetensors",
467
+ "model.layers.20.ffn.x_k": "model-00002-of-00003.safetensors",
468
+ "model.layers.20.ffn_norm.bias": "model-00002-of-00003.safetensors",
469
+ "model.layers.20.ffn_norm.weight": "model-00002-of-00003.safetensors",
470
+ "model.layers.21.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
471
+ "model.layers.21.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
472
+ "model.layers.21.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
473
+ "model.layers.21.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
474
+ "model.layers.21.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
475
+ "model.layers.21.attn.g_norm.bias": "model-00002-of-00003.safetensors",
476
+ "model.layers.21.attn.g_norm.weight": "model-00002-of-00003.safetensors",
477
+ "model.layers.21.attn.k_a": "model-00002-of-00003.safetensors",
478
+ "model.layers.21.attn.k_k": "model-00002-of-00003.safetensors",
479
+ "model.layers.21.attn.k_proj.weight": "model-00002-of-00003.safetensors",
480
+ "model.layers.21.attn.o_proj.weight": "model-00002-of-00003.safetensors",
481
+ "model.layers.21.attn.r_k": "model-00002-of-00003.safetensors",
482
+ "model.layers.21.attn.r_proj.weight": "model-00002-of-00003.safetensors",
483
+ "model.layers.21.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
484
+ "model.layers.21.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
485
+ "model.layers.21.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
486
+ "model.layers.21.attn.v_proj.weight": "model-00002-of-00003.safetensors",
487
+ "model.layers.21.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
488
+ "model.layers.21.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
489
+ "model.layers.21.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
490
+ "model.layers.21.attn.x_a": "model-00002-of-00003.safetensors",
491
+ "model.layers.21.attn.x_g": "model-00002-of-00003.safetensors",
492
+ "model.layers.21.attn.x_k": "model-00002-of-00003.safetensors",
493
+ "model.layers.21.attn.x_r": "model-00002-of-00003.safetensors",
494
+ "model.layers.21.attn.x_v": "model-00002-of-00003.safetensors",
495
+ "model.layers.21.attn.x_w": "model-00002-of-00003.safetensors",
496
+ "model.layers.21.attn_norm.bias": "model-00002-of-00003.safetensors",
497
+ "model.layers.21.attn_norm.weight": "model-00002-of-00003.safetensors",
498
+ "model.layers.21.ffn.key.weight": "model-00002-of-00003.safetensors",
499
+ "model.layers.21.ffn.value.weight": "model-00002-of-00003.safetensors",
500
+ "model.layers.21.ffn.x_k": "model-00002-of-00003.safetensors",
501
+ "model.layers.21.ffn_norm.bias": "model-00002-of-00003.safetensors",
502
+ "model.layers.21.ffn_norm.weight": "model-00002-of-00003.safetensors",
503
+ "model.layers.22.attn.a_lora.lora.0.weight": "model-00002-of-00003.safetensors",
504
+ "model.layers.22.attn.a_lora.lora.2.bias": "model-00002-of-00003.safetensors",
505
+ "model.layers.22.attn.a_lora.lora.2.weight": "model-00002-of-00003.safetensors",
506
+ "model.layers.22.attn.g_lora.lora.0.weight": "model-00002-of-00003.safetensors",
507
+ "model.layers.22.attn.g_lora.lora.2.weight": "model-00002-of-00003.safetensors",
508
+ "model.layers.22.attn.g_norm.bias": "model-00002-of-00003.safetensors",
509
+ "model.layers.22.attn.g_norm.weight": "model-00002-of-00003.safetensors",
510
+ "model.layers.22.attn.k_a": "model-00002-of-00003.safetensors",
511
+ "model.layers.22.attn.k_k": "model-00002-of-00003.safetensors",
512
+ "model.layers.22.attn.k_proj.weight": "model-00002-of-00003.safetensors",
513
+ "model.layers.22.attn.o_proj.weight": "model-00002-of-00003.safetensors",
514
+ "model.layers.22.attn.r_k": "model-00002-of-00003.safetensors",
515
+ "model.layers.22.attn.r_proj.weight": "model-00002-of-00003.safetensors",
516
+ "model.layers.22.attn.v_lora.lora.0.weight": "model-00002-of-00003.safetensors",
517
+ "model.layers.22.attn.v_lora.lora.2.bias": "model-00002-of-00003.safetensors",
518
+ "model.layers.22.attn.v_lora.lora.2.weight": "model-00002-of-00003.safetensors",
519
+ "model.layers.22.attn.v_proj.weight": "model-00002-of-00003.safetensors",
520
+ "model.layers.22.attn.w_lora.lora.0.weight": "model-00002-of-00003.safetensors",
521
+ "model.layers.22.attn.w_lora.lora.2.bias": "model-00002-of-00003.safetensors",
522
+ "model.layers.22.attn.w_lora.lora.2.weight": "model-00002-of-00003.safetensors",
523
+ "model.layers.22.attn.x_a": "model-00002-of-00003.safetensors",
524
+ "model.layers.22.attn.x_g": "model-00002-of-00003.safetensors",
525
+ "model.layers.22.attn.x_k": "model-00002-of-00003.safetensors",
526
+ "model.layers.22.attn.x_r": "model-00002-of-00003.safetensors",
527
+ "model.layers.22.attn.x_v": "model-00002-of-00003.safetensors",
528
+ "model.layers.22.attn.x_w": "model-00002-of-00003.safetensors",
529
+ "model.layers.22.attn_norm.bias": "model-00002-of-00003.safetensors",
530
+ "model.layers.22.attn_norm.weight": "model-00002-of-00003.safetensors",
531
+ "model.layers.22.ffn.key.weight": "model-00002-of-00003.safetensors",
532
+ "model.layers.22.ffn.value.weight": "model-00003-of-00003.safetensors",
533
+ "model.layers.22.ffn.x_k": "model-00002-of-00003.safetensors",
534
+ "model.layers.22.ffn_norm.bias": "model-00002-of-00003.safetensors",
535
+ "model.layers.22.ffn_norm.weight": "model-00002-of-00003.safetensors",
536
+ "model.layers.23.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
537
+ "model.layers.23.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
538
+ "model.layers.23.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
539
+ "model.layers.23.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
540
+ "model.layers.23.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
541
+ "model.layers.23.attn.g_norm.bias": "model-00003-of-00003.safetensors",
542
+ "model.layers.23.attn.g_norm.weight": "model-00003-of-00003.safetensors",
543
+ "model.layers.23.attn.k_a": "model-00003-of-00003.safetensors",
544
+ "model.layers.23.attn.k_k": "model-00003-of-00003.safetensors",
545
+ "model.layers.23.attn.k_proj.weight": "model-00003-of-00003.safetensors",
546
+ "model.layers.23.attn.o_proj.weight": "model-00003-of-00003.safetensors",
547
+ "model.layers.23.attn.r_k": "model-00003-of-00003.safetensors",
548
+ "model.layers.23.attn.r_proj.weight": "model-00003-of-00003.safetensors",
549
+ "model.layers.23.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
550
+ "model.layers.23.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
551
+ "model.layers.23.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
552
+ "model.layers.23.attn.v_proj.weight": "model-00003-of-00003.safetensors",
553
+ "model.layers.23.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
554
+ "model.layers.23.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
555
+ "model.layers.23.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
556
+ "model.layers.23.attn.x_a": "model-00003-of-00003.safetensors",
557
+ "model.layers.23.attn.x_g": "model-00003-of-00003.safetensors",
558
+ "model.layers.23.attn.x_k": "model-00003-of-00003.safetensors",
559
+ "model.layers.23.attn.x_r": "model-00003-of-00003.safetensors",
560
+ "model.layers.23.attn.x_v": "model-00003-of-00003.safetensors",
561
+ "model.layers.23.attn.x_w": "model-00003-of-00003.safetensors",
562
+ "model.layers.23.attn_norm.bias": "model-00003-of-00003.safetensors",
563
+ "model.layers.23.attn_norm.weight": "model-00003-of-00003.safetensors",
564
+ "model.layers.23.ffn.key.weight": "model-00003-of-00003.safetensors",
565
+ "model.layers.23.ffn.value.weight": "model-00003-of-00003.safetensors",
566
+ "model.layers.23.ffn.x_k": "model-00003-of-00003.safetensors",
567
+ "model.layers.23.ffn_norm.bias": "model-00003-of-00003.safetensors",
568
+ "model.layers.23.ffn_norm.weight": "model-00003-of-00003.safetensors",
569
+ "model.layers.24.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
570
+ "model.layers.24.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
571
+ "model.layers.24.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
572
+ "model.layers.24.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
573
+ "model.layers.24.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
574
+ "model.layers.24.attn.g_norm.bias": "model-00003-of-00003.safetensors",
575
+ "model.layers.24.attn.g_norm.weight": "model-00003-of-00003.safetensors",
576
+ "model.layers.24.attn.k_a": "model-00003-of-00003.safetensors",
577
+ "model.layers.24.attn.k_k": "model-00003-of-00003.safetensors",
578
+ "model.layers.24.attn.k_proj.weight": "model-00003-of-00003.safetensors",
579
+ "model.layers.24.attn.o_proj.weight": "model-00003-of-00003.safetensors",
580
+ "model.layers.24.attn.r_k": "model-00003-of-00003.safetensors",
581
+ "model.layers.24.attn.r_proj.weight": "model-00003-of-00003.safetensors",
582
+ "model.layers.24.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
583
+ "model.layers.24.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
584
+ "model.layers.24.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
585
+ "model.layers.24.attn.v_proj.weight": "model-00003-of-00003.safetensors",
586
+ "model.layers.24.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
587
+ "model.layers.24.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
588
+ "model.layers.24.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
589
+ "model.layers.24.attn.x_a": "model-00003-of-00003.safetensors",
590
+ "model.layers.24.attn.x_g": "model-00003-of-00003.safetensors",
591
+ "model.layers.24.attn.x_k": "model-00003-of-00003.safetensors",
592
+ "model.layers.24.attn.x_r": "model-00003-of-00003.safetensors",
593
+ "model.layers.24.attn.x_v": "model-00003-of-00003.safetensors",
594
+ "model.layers.24.attn.x_w": "model-00003-of-00003.safetensors",
595
+ "model.layers.24.attn_norm.bias": "model-00003-of-00003.safetensors",
596
+ "model.layers.24.attn_norm.weight": "model-00003-of-00003.safetensors",
597
+ "model.layers.24.ffn.key.weight": "model-00003-of-00003.safetensors",
598
+ "model.layers.24.ffn.value.weight": "model-00003-of-00003.safetensors",
599
+ "model.layers.24.ffn.x_k": "model-00003-of-00003.safetensors",
600
+ "model.layers.24.ffn_norm.bias": "model-00003-of-00003.safetensors",
601
+ "model.layers.24.ffn_norm.weight": "model-00003-of-00003.safetensors",
602
+ "model.layers.25.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
603
+ "model.layers.25.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
604
+ "model.layers.25.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
605
+ "model.layers.25.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
606
+ "model.layers.25.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
607
+ "model.layers.25.attn.g_norm.bias": "model-00003-of-00003.safetensors",
608
+ "model.layers.25.attn.g_norm.weight": "model-00003-of-00003.safetensors",
609
+ "model.layers.25.attn.k_a": "model-00003-of-00003.safetensors",
610
+ "model.layers.25.attn.k_k": "model-00003-of-00003.safetensors",
611
+ "model.layers.25.attn.k_proj.weight": "model-00003-of-00003.safetensors",
612
+ "model.layers.25.attn.o_proj.weight": "model-00003-of-00003.safetensors",
613
+ "model.layers.25.attn.r_k": "model-00003-of-00003.safetensors",
614
+ "model.layers.25.attn.r_proj.weight": "model-00003-of-00003.safetensors",
615
+ "model.layers.25.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
616
+ "model.layers.25.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
617
+ "model.layers.25.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
618
+ "model.layers.25.attn.v_proj.weight": "model-00003-of-00003.safetensors",
619
+ "model.layers.25.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
620
+ "model.layers.25.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
621
+ "model.layers.25.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
622
+ "model.layers.25.attn.x_a": "model-00003-of-00003.safetensors",
623
+ "model.layers.25.attn.x_g": "model-00003-of-00003.safetensors",
624
+ "model.layers.25.attn.x_k": "model-00003-of-00003.safetensors",
625
+ "model.layers.25.attn.x_r": "model-00003-of-00003.safetensors",
626
+ "model.layers.25.attn.x_v": "model-00003-of-00003.safetensors",
627
+ "model.layers.25.attn.x_w": "model-00003-of-00003.safetensors",
628
+ "model.layers.25.attn_norm.bias": "model-00003-of-00003.safetensors",
629
+ "model.layers.25.attn_norm.weight": "model-00003-of-00003.safetensors",
630
+ "model.layers.25.ffn.key.weight": "model-00003-of-00003.safetensors",
631
+ "model.layers.25.ffn.value.weight": "model-00003-of-00003.safetensors",
632
+ "model.layers.25.ffn.x_k": "model-00003-of-00003.safetensors",
633
+ "model.layers.25.ffn_norm.bias": "model-00003-of-00003.safetensors",
634
+ "model.layers.25.ffn_norm.weight": "model-00003-of-00003.safetensors",
635
+ "model.layers.26.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
636
+ "model.layers.26.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
637
+ "model.layers.26.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
638
+ "model.layers.26.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
639
+ "model.layers.26.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
640
+ "model.layers.26.attn.g_norm.bias": "model-00003-of-00003.safetensors",
641
+ "model.layers.26.attn.g_norm.weight": "model-00003-of-00003.safetensors",
642
+ "model.layers.26.attn.k_a": "model-00003-of-00003.safetensors",
643
+ "model.layers.26.attn.k_k": "model-00003-of-00003.safetensors",
644
+ "model.layers.26.attn.k_proj.weight": "model-00003-of-00003.safetensors",
645
+ "model.layers.26.attn.o_proj.weight": "model-00003-of-00003.safetensors",
646
+ "model.layers.26.attn.r_k": "model-00003-of-00003.safetensors",
647
+ "model.layers.26.attn.r_proj.weight": "model-00003-of-00003.safetensors",
648
+ "model.layers.26.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
649
+ "model.layers.26.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
650
+ "model.layers.26.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
651
+ "model.layers.26.attn.v_proj.weight": "model-00003-of-00003.safetensors",
652
+ "model.layers.26.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
653
+ "model.layers.26.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
654
+ "model.layers.26.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
655
+ "model.layers.26.attn.x_a": "model-00003-of-00003.safetensors",
656
+ "model.layers.26.attn.x_g": "model-00003-of-00003.safetensors",
657
+ "model.layers.26.attn.x_k": "model-00003-of-00003.safetensors",
658
+ "model.layers.26.attn.x_r": "model-00003-of-00003.safetensors",
659
+ "model.layers.26.attn.x_v": "model-00003-of-00003.safetensors",
660
+ "model.layers.26.attn.x_w": "model-00003-of-00003.safetensors",
661
+ "model.layers.26.attn_norm.bias": "model-00003-of-00003.safetensors",
662
+ "model.layers.26.attn_norm.weight": "model-00003-of-00003.safetensors",
663
+ "model.layers.26.ffn.key.weight": "model-00003-of-00003.safetensors",
664
+ "model.layers.26.ffn.value.weight": "model-00003-of-00003.safetensors",
665
+ "model.layers.26.ffn.x_k": "model-00003-of-00003.safetensors",
666
+ "model.layers.26.ffn_norm.bias": "model-00003-of-00003.safetensors",
667
+ "model.layers.26.ffn_norm.weight": "model-00003-of-00003.safetensors",
668
+ "model.layers.27.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
669
+ "model.layers.27.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
670
+ "model.layers.27.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
671
+ "model.layers.27.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
672
+ "model.layers.27.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
673
+ "model.layers.27.attn.g_norm.bias": "model-00003-of-00003.safetensors",
674
+ "model.layers.27.attn.g_norm.weight": "model-00003-of-00003.safetensors",
675
+ "model.layers.27.attn.k_a": "model-00003-of-00003.safetensors",
676
+ "model.layers.27.attn.k_k": "model-00003-of-00003.safetensors",
677
+ "model.layers.27.attn.k_proj.weight": "model-00003-of-00003.safetensors",
678
+ "model.layers.27.attn.o_proj.weight": "model-00003-of-00003.safetensors",
679
+ "model.layers.27.attn.r_k": "model-00003-of-00003.safetensors",
680
+ "model.layers.27.attn.r_proj.weight": "model-00003-of-00003.safetensors",
681
+ "model.layers.27.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
682
+ "model.layers.27.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
683
+ "model.layers.27.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
684
+ "model.layers.27.attn.v_proj.weight": "model-00003-of-00003.safetensors",
685
+ "model.layers.27.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
686
+ "model.layers.27.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
687
+ "model.layers.27.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
688
+ "model.layers.27.attn.x_a": "model-00003-of-00003.safetensors",
689
+ "model.layers.27.attn.x_g": "model-00003-of-00003.safetensors",
690
+ "model.layers.27.attn.x_k": "model-00003-of-00003.safetensors",
691
+ "model.layers.27.attn.x_r": "model-00003-of-00003.safetensors",
692
+ "model.layers.27.attn.x_v": "model-00003-of-00003.safetensors",
693
+ "model.layers.27.attn.x_w": "model-00003-of-00003.safetensors",
694
+ "model.layers.27.attn_norm.bias": "model-00003-of-00003.safetensors",
695
+ "model.layers.27.attn_norm.weight": "model-00003-of-00003.safetensors",
696
+ "model.layers.27.ffn.key.weight": "model-00003-of-00003.safetensors",
697
+ "model.layers.27.ffn.value.weight": "model-00003-of-00003.safetensors",
698
+ "model.layers.27.ffn.x_k": "model-00003-of-00003.safetensors",
699
+ "model.layers.27.ffn_norm.bias": "model-00003-of-00003.safetensors",
700
+ "model.layers.27.ffn_norm.weight": "model-00003-of-00003.safetensors",
701
+ "model.layers.28.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
702
+ "model.layers.28.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
703
+ "model.layers.28.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
704
+ "model.layers.28.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
705
+ "model.layers.28.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
706
+ "model.layers.28.attn.g_norm.bias": "model-00003-of-00003.safetensors",
707
+ "model.layers.28.attn.g_norm.weight": "model-00003-of-00003.safetensors",
708
+ "model.layers.28.attn.k_a": "model-00003-of-00003.safetensors",
709
+ "model.layers.28.attn.k_k": "model-00003-of-00003.safetensors",
710
+ "model.layers.28.attn.k_proj.weight": "model-00003-of-00003.safetensors",
711
+ "model.layers.28.attn.o_proj.weight": "model-00003-of-00003.safetensors",
712
+ "model.layers.28.attn.r_k": "model-00003-of-00003.safetensors",
713
+ "model.layers.28.attn.r_proj.weight": "model-00003-of-00003.safetensors",
714
+ "model.layers.28.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
715
+ "model.layers.28.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
716
+ "model.layers.28.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
717
+ "model.layers.28.attn.v_proj.weight": "model-00003-of-00003.safetensors",
718
+ "model.layers.28.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
719
+ "model.layers.28.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
720
+ "model.layers.28.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
721
+ "model.layers.28.attn.x_a": "model-00003-of-00003.safetensors",
722
+ "model.layers.28.attn.x_g": "model-00003-of-00003.safetensors",
723
+ "model.layers.28.attn.x_k": "model-00003-of-00003.safetensors",
724
+ "model.layers.28.attn.x_r": "model-00003-of-00003.safetensors",
725
+ "model.layers.28.attn.x_v": "model-00003-of-00003.safetensors",
726
+ "model.layers.28.attn.x_w": "model-00003-of-00003.safetensors",
727
+ "model.layers.28.attn_norm.bias": "model-00003-of-00003.safetensors",
728
+ "model.layers.28.attn_norm.weight": "model-00003-of-00003.safetensors",
729
+ "model.layers.28.ffn.key.weight": "model-00003-of-00003.safetensors",
730
+ "model.layers.28.ffn.value.weight": "model-00003-of-00003.safetensors",
731
+ "model.layers.28.ffn.x_k": "model-00003-of-00003.safetensors",
732
+ "model.layers.28.ffn_norm.bias": "model-00003-of-00003.safetensors",
733
+ "model.layers.28.ffn_norm.weight": "model-00003-of-00003.safetensors",
734
+ "model.layers.29.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
735
+ "model.layers.29.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
736
+ "model.layers.29.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
737
+ "model.layers.29.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
738
+ "model.layers.29.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
739
+ "model.layers.29.attn.g_norm.bias": "model-00003-of-00003.safetensors",
740
+ "model.layers.29.attn.g_norm.weight": "model-00003-of-00003.safetensors",
741
+ "model.layers.29.attn.k_a": "model-00003-of-00003.safetensors",
742
+ "model.layers.29.attn.k_k": "model-00003-of-00003.safetensors",
743
+ "model.layers.29.attn.k_proj.weight": "model-00003-of-00003.safetensors",
744
+ "model.layers.29.attn.o_proj.weight": "model-00003-of-00003.safetensors",
745
+ "model.layers.29.attn.r_k": "model-00003-of-00003.safetensors",
746
+ "model.layers.29.attn.r_proj.weight": "model-00003-of-00003.safetensors",
747
+ "model.layers.29.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
748
+ "model.layers.29.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
749
+ "model.layers.29.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
750
+ "model.layers.29.attn.v_proj.weight": "model-00003-of-00003.safetensors",
751
+ "model.layers.29.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
752
+ "model.layers.29.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
753
+ "model.layers.29.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
754
+ "model.layers.29.attn.x_a": "model-00003-of-00003.safetensors",
755
+ "model.layers.29.attn.x_g": "model-00003-of-00003.safetensors",
756
+ "model.layers.29.attn.x_k": "model-00003-of-00003.safetensors",
757
+ "model.layers.29.attn.x_r": "model-00003-of-00003.safetensors",
758
+ "model.layers.29.attn.x_v": "model-00003-of-00003.safetensors",
759
+ "model.layers.29.attn.x_w": "model-00003-of-00003.safetensors",
760
+ "model.layers.29.attn_norm.bias": "model-00003-of-00003.safetensors",
761
+ "model.layers.29.attn_norm.weight": "model-00003-of-00003.safetensors",
762
+ "model.layers.29.ffn.key.weight": "model-00003-of-00003.safetensors",
763
+ "model.layers.29.ffn.value.weight": "model-00003-of-00003.safetensors",
764
+ "model.layers.29.ffn.x_k": "model-00003-of-00003.safetensors",
765
+ "model.layers.29.ffn_norm.bias": "model-00003-of-00003.safetensors",
766
+ "model.layers.29.ffn_norm.weight": "model-00003-of-00003.safetensors",
767
+ "model.layers.3.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
768
+ "model.layers.3.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
769
+ "model.layers.3.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
770
+ "model.layers.3.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
771
+ "model.layers.3.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
772
+ "model.layers.3.attn.g_norm.bias": "model-00001-of-00003.safetensors",
773
+ "model.layers.3.attn.g_norm.weight": "model-00001-of-00003.safetensors",
774
+ "model.layers.3.attn.k_a": "model-00001-of-00003.safetensors",
775
+ "model.layers.3.attn.k_k": "model-00001-of-00003.safetensors",
776
+ "model.layers.3.attn.k_proj.weight": "model-00001-of-00003.safetensors",
777
+ "model.layers.3.attn.o_proj.weight": "model-00001-of-00003.safetensors",
778
+ "model.layers.3.attn.r_k": "model-00001-of-00003.safetensors",
779
+ "model.layers.3.attn.r_proj.weight": "model-00001-of-00003.safetensors",
780
+ "model.layers.3.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
781
+ "model.layers.3.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
782
+ "model.layers.3.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
783
+ "model.layers.3.attn.v_proj.weight": "model-00001-of-00003.safetensors",
784
+ "model.layers.3.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
785
+ "model.layers.3.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
786
+ "model.layers.3.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
787
+ "model.layers.3.attn.x_a": "model-00001-of-00003.safetensors",
788
+ "model.layers.3.attn.x_g": "model-00001-of-00003.safetensors",
789
+ "model.layers.3.attn.x_k": "model-00001-of-00003.safetensors",
790
+ "model.layers.3.attn.x_r": "model-00001-of-00003.safetensors",
791
+ "model.layers.3.attn.x_v": "model-00001-of-00003.safetensors",
792
+ "model.layers.3.attn.x_w": "model-00001-of-00003.safetensors",
793
+ "model.layers.3.attn_norm.bias": "model-00001-of-00003.safetensors",
794
+ "model.layers.3.attn_norm.weight": "model-00001-of-00003.safetensors",
795
+ "model.layers.3.ffn.key.weight": "model-00001-of-00003.safetensors",
796
+ "model.layers.3.ffn.value.weight": "model-00001-of-00003.safetensors",
797
+ "model.layers.3.ffn.x_k": "model-00001-of-00003.safetensors",
798
+ "model.layers.3.ffn_norm.bias": "model-00001-of-00003.safetensors",
799
+ "model.layers.3.ffn_norm.weight": "model-00001-of-00003.safetensors",
800
+ "model.layers.30.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
801
+ "model.layers.30.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
802
+ "model.layers.30.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
803
+ "model.layers.30.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
804
+ "model.layers.30.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
805
+ "model.layers.30.attn.g_norm.bias": "model-00003-of-00003.safetensors",
806
+ "model.layers.30.attn.g_norm.weight": "model-00003-of-00003.safetensors",
807
+ "model.layers.30.attn.k_a": "model-00003-of-00003.safetensors",
808
+ "model.layers.30.attn.k_k": "model-00003-of-00003.safetensors",
809
+ "model.layers.30.attn.k_proj.weight": "model-00003-of-00003.safetensors",
810
+ "model.layers.30.attn.o_proj.weight": "model-00003-of-00003.safetensors",
811
+ "model.layers.30.attn.r_k": "model-00003-of-00003.safetensors",
812
+ "model.layers.30.attn.r_proj.weight": "model-00003-of-00003.safetensors",
813
+ "model.layers.30.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
814
+ "model.layers.30.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
815
+ "model.layers.30.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
816
+ "model.layers.30.attn.v_proj.weight": "model-00003-of-00003.safetensors",
817
+ "model.layers.30.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
818
+ "model.layers.30.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
819
+ "model.layers.30.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
820
+ "model.layers.30.attn.x_a": "model-00003-of-00003.safetensors",
821
+ "model.layers.30.attn.x_g": "model-00003-of-00003.safetensors",
822
+ "model.layers.30.attn.x_k": "model-00003-of-00003.safetensors",
823
+ "model.layers.30.attn.x_r": "model-00003-of-00003.safetensors",
824
+ "model.layers.30.attn.x_v": "model-00003-of-00003.safetensors",
825
+ "model.layers.30.attn.x_w": "model-00003-of-00003.safetensors",
826
+ "model.layers.30.attn_norm.bias": "model-00003-of-00003.safetensors",
827
+ "model.layers.30.attn_norm.weight": "model-00003-of-00003.safetensors",
828
+ "model.layers.30.ffn.key.weight": "model-00003-of-00003.safetensors",
829
+ "model.layers.30.ffn.value.weight": "model-00003-of-00003.safetensors",
830
+ "model.layers.30.ffn.x_k": "model-00003-of-00003.safetensors",
831
+ "model.layers.30.ffn_norm.bias": "model-00003-of-00003.safetensors",
832
+ "model.layers.30.ffn_norm.weight": "model-00003-of-00003.safetensors",
833
+ "model.layers.31.attn.a_lora.lora.0.weight": "model-00003-of-00003.safetensors",
834
+ "model.layers.31.attn.a_lora.lora.2.bias": "model-00003-of-00003.safetensors",
835
+ "model.layers.31.attn.a_lora.lora.2.weight": "model-00003-of-00003.safetensors",
836
+ "model.layers.31.attn.g_lora.lora.0.weight": "model-00003-of-00003.safetensors",
837
+ "model.layers.31.attn.g_lora.lora.2.weight": "model-00003-of-00003.safetensors",
838
+ "model.layers.31.attn.g_norm.bias": "model-00003-of-00003.safetensors",
839
+ "model.layers.31.attn.g_norm.weight": "model-00003-of-00003.safetensors",
840
+ "model.layers.31.attn.k_a": "model-00003-of-00003.safetensors",
841
+ "model.layers.31.attn.k_k": "model-00003-of-00003.safetensors",
842
+ "model.layers.31.attn.k_proj.weight": "model-00003-of-00003.safetensors",
843
+ "model.layers.31.attn.o_proj.weight": "model-00003-of-00003.safetensors",
844
+ "model.layers.31.attn.r_k": "model-00003-of-00003.safetensors",
845
+ "model.layers.31.attn.r_proj.weight": "model-00003-of-00003.safetensors",
846
+ "model.layers.31.attn.v_lora.lora.0.weight": "model-00003-of-00003.safetensors",
847
+ "model.layers.31.attn.v_lora.lora.2.bias": "model-00003-of-00003.safetensors",
848
+ "model.layers.31.attn.v_lora.lora.2.weight": "model-00003-of-00003.safetensors",
849
+ "model.layers.31.attn.v_proj.weight": "model-00003-of-00003.safetensors",
850
+ "model.layers.31.attn.w_lora.lora.0.weight": "model-00003-of-00003.safetensors",
851
+ "model.layers.31.attn.w_lora.lora.2.bias": "model-00003-of-00003.safetensors",
852
+ "model.layers.31.attn.w_lora.lora.2.weight": "model-00003-of-00003.safetensors",
853
+ "model.layers.31.attn.x_a": "model-00003-of-00003.safetensors",
854
+ "model.layers.31.attn.x_g": "model-00003-of-00003.safetensors",
855
+ "model.layers.31.attn.x_k": "model-00003-of-00003.safetensors",
856
+ "model.layers.31.attn.x_r": "model-00003-of-00003.safetensors",
857
+ "model.layers.31.attn.x_v": "model-00003-of-00003.safetensors",
858
+ "model.layers.31.attn.x_w": "model-00003-of-00003.safetensors",
859
+ "model.layers.31.attn_norm.bias": "model-00003-of-00003.safetensors",
860
+ "model.layers.31.attn_norm.weight": "model-00003-of-00003.safetensors",
861
+ "model.layers.31.ffn.key.weight": "model-00003-of-00003.safetensors",
862
+ "model.layers.31.ffn.value.weight": "model-00003-of-00003.safetensors",
863
+ "model.layers.31.ffn.x_k": "model-00003-of-00003.safetensors",
864
+ "model.layers.31.ffn_norm.bias": "model-00003-of-00003.safetensors",
865
+ "model.layers.31.ffn_norm.weight": "model-00003-of-00003.safetensors",
866
+ "model.layers.4.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
867
+ "model.layers.4.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
868
+ "model.layers.4.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
869
+ "model.layers.4.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
870
+ "model.layers.4.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
871
+ "model.layers.4.attn.g_norm.bias": "model-00001-of-00003.safetensors",
872
+ "model.layers.4.attn.g_norm.weight": "model-00001-of-00003.safetensors",
873
+ "model.layers.4.attn.k_a": "model-00001-of-00003.safetensors",
874
+ "model.layers.4.attn.k_k": "model-00001-of-00003.safetensors",
875
+ "model.layers.4.attn.k_proj.weight": "model-00001-of-00003.safetensors",
876
+ "model.layers.4.attn.o_proj.weight": "model-00001-of-00003.safetensors",
877
+ "model.layers.4.attn.r_k": "model-00001-of-00003.safetensors",
878
+ "model.layers.4.attn.r_proj.weight": "model-00001-of-00003.safetensors",
879
+ "model.layers.4.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
880
+ "model.layers.4.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
881
+ "model.layers.4.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
882
+ "model.layers.4.attn.v_proj.weight": "model-00001-of-00003.safetensors",
883
+ "model.layers.4.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
884
+ "model.layers.4.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
885
+ "model.layers.4.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
886
+ "model.layers.4.attn.x_a": "model-00001-of-00003.safetensors",
887
+ "model.layers.4.attn.x_g": "model-00001-of-00003.safetensors",
888
+ "model.layers.4.attn.x_k": "model-00001-of-00003.safetensors",
889
+ "model.layers.4.attn.x_r": "model-00001-of-00003.safetensors",
890
+ "model.layers.4.attn.x_v": "model-00001-of-00003.safetensors",
891
+ "model.layers.4.attn.x_w": "model-00001-of-00003.safetensors",
892
+ "model.layers.4.attn_norm.bias": "model-00001-of-00003.safetensors",
893
+ "model.layers.4.attn_norm.weight": "model-00001-of-00003.safetensors",
894
+ "model.layers.4.ffn.key.weight": "model-00001-of-00003.safetensors",
895
+ "model.layers.4.ffn.value.weight": "model-00001-of-00003.safetensors",
896
+ "model.layers.4.ffn.x_k": "model-00001-of-00003.safetensors",
897
+ "model.layers.4.ffn_norm.bias": "model-00001-of-00003.safetensors",
898
+ "model.layers.4.ffn_norm.weight": "model-00001-of-00003.safetensors",
899
+ "model.layers.5.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
900
+ "model.layers.5.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
901
+ "model.layers.5.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
902
+ "model.layers.5.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
903
+ "model.layers.5.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
904
+ "model.layers.5.attn.g_norm.bias": "model-00001-of-00003.safetensors",
905
+ "model.layers.5.attn.g_norm.weight": "model-00001-of-00003.safetensors",
906
+ "model.layers.5.attn.k_a": "model-00001-of-00003.safetensors",
907
+ "model.layers.5.attn.k_k": "model-00001-of-00003.safetensors",
908
+ "model.layers.5.attn.k_proj.weight": "model-00001-of-00003.safetensors",
909
+ "model.layers.5.attn.o_proj.weight": "model-00001-of-00003.safetensors",
910
+ "model.layers.5.attn.r_k": "model-00001-of-00003.safetensors",
911
+ "model.layers.5.attn.r_proj.weight": "model-00001-of-00003.safetensors",
912
+ "model.layers.5.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
913
+ "model.layers.5.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
914
+ "model.layers.5.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
915
+ "model.layers.5.attn.v_proj.weight": "model-00001-of-00003.safetensors",
916
+ "model.layers.5.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
917
+ "model.layers.5.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
918
+ "model.layers.5.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
919
+ "model.layers.5.attn.x_a": "model-00001-of-00003.safetensors",
920
+ "model.layers.5.attn.x_g": "model-00001-of-00003.safetensors",
921
+ "model.layers.5.attn.x_k": "model-00001-of-00003.safetensors",
922
+ "model.layers.5.attn.x_r": "model-00001-of-00003.safetensors",
923
+ "model.layers.5.attn.x_v": "model-00001-of-00003.safetensors",
924
+ "model.layers.5.attn.x_w": "model-00001-of-00003.safetensors",
925
+ "model.layers.5.attn_norm.bias": "model-00001-of-00003.safetensors",
926
+ "model.layers.5.attn_norm.weight": "model-00001-of-00003.safetensors",
927
+ "model.layers.5.ffn.key.weight": "model-00001-of-00003.safetensors",
928
+ "model.layers.5.ffn.value.weight": "model-00001-of-00003.safetensors",
929
+ "model.layers.5.ffn.x_k": "model-00001-of-00003.safetensors",
930
+ "model.layers.5.ffn_norm.bias": "model-00001-of-00003.safetensors",
931
+ "model.layers.5.ffn_norm.weight": "model-00001-of-00003.safetensors",
932
+ "model.layers.6.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
933
+ "model.layers.6.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
934
+ "model.layers.6.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
935
+ "model.layers.6.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
936
+ "model.layers.6.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
937
+ "model.layers.6.attn.g_norm.bias": "model-00001-of-00003.safetensors",
938
+ "model.layers.6.attn.g_norm.weight": "model-00001-of-00003.safetensors",
939
+ "model.layers.6.attn.k_a": "model-00001-of-00003.safetensors",
940
+ "model.layers.6.attn.k_k": "model-00001-of-00003.safetensors",
941
+ "model.layers.6.attn.k_proj.weight": "model-00001-of-00003.safetensors",
942
+ "model.layers.6.attn.o_proj.weight": "model-00001-of-00003.safetensors",
943
+ "model.layers.6.attn.r_k": "model-00001-of-00003.safetensors",
944
+ "model.layers.6.attn.r_proj.weight": "model-00001-of-00003.safetensors",
945
+ "model.layers.6.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
946
+ "model.layers.6.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
947
+ "model.layers.6.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
948
+ "model.layers.6.attn.v_proj.weight": "model-00001-of-00003.safetensors",
949
+ "model.layers.6.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
950
+ "model.layers.6.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
951
+ "model.layers.6.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
952
+ "model.layers.6.attn.x_a": "model-00001-of-00003.safetensors",
953
+ "model.layers.6.attn.x_g": "model-00001-of-00003.safetensors",
954
+ "model.layers.6.attn.x_k": "model-00001-of-00003.safetensors",
955
+ "model.layers.6.attn.x_r": "model-00001-of-00003.safetensors",
956
+ "model.layers.6.attn.x_v": "model-00001-of-00003.safetensors",
957
+ "model.layers.6.attn.x_w": "model-00001-of-00003.safetensors",
958
+ "model.layers.6.attn_norm.bias": "model-00001-of-00003.safetensors",
959
+ "model.layers.6.attn_norm.weight": "model-00001-of-00003.safetensors",
960
+ "model.layers.6.ffn.key.weight": "model-00001-of-00003.safetensors",
961
+ "model.layers.6.ffn.value.weight": "model-00001-of-00003.safetensors",
962
+ "model.layers.6.ffn.x_k": "model-00001-of-00003.safetensors",
963
+ "model.layers.6.ffn_norm.bias": "model-00001-of-00003.safetensors",
964
+ "model.layers.6.ffn_norm.weight": "model-00001-of-00003.safetensors",
965
+ "model.layers.7.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
966
+ "model.layers.7.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
967
+ "model.layers.7.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
968
+ "model.layers.7.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
969
+ "model.layers.7.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
970
+ "model.layers.7.attn.g_norm.bias": "model-00001-of-00003.safetensors",
971
+ "model.layers.7.attn.g_norm.weight": "model-00001-of-00003.safetensors",
972
+ "model.layers.7.attn.k_a": "model-00001-of-00003.safetensors",
973
+ "model.layers.7.attn.k_k": "model-00001-of-00003.safetensors",
974
+ "model.layers.7.attn.k_proj.weight": "model-00001-of-00003.safetensors",
975
+ "model.layers.7.attn.o_proj.weight": "model-00001-of-00003.safetensors",
976
+ "model.layers.7.attn.r_k": "model-00001-of-00003.safetensors",
977
+ "model.layers.7.attn.r_proj.weight": "model-00001-of-00003.safetensors",
978
+ "model.layers.7.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
979
+ "model.layers.7.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
980
+ "model.layers.7.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
981
+ "model.layers.7.attn.v_proj.weight": "model-00001-of-00003.safetensors",
982
+ "model.layers.7.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
983
+ "model.layers.7.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
984
+ "model.layers.7.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
985
+ "model.layers.7.attn.x_a": "model-00001-of-00003.safetensors",
986
+ "model.layers.7.attn.x_g": "model-00001-of-00003.safetensors",
987
+ "model.layers.7.attn.x_k": "model-00001-of-00003.safetensors",
988
+ "model.layers.7.attn.x_r": "model-00001-of-00003.safetensors",
989
+ "model.layers.7.attn.x_v": "model-00001-of-00003.safetensors",
990
+ "model.layers.7.attn.x_w": "model-00001-of-00003.safetensors",
991
+ "model.layers.7.attn_norm.bias": "model-00001-of-00003.safetensors",
992
+ "model.layers.7.attn_norm.weight": "model-00001-of-00003.safetensors",
993
+ "model.layers.7.ffn.key.weight": "model-00001-of-00003.safetensors",
994
+ "model.layers.7.ffn.value.weight": "model-00001-of-00003.safetensors",
995
+ "model.layers.7.ffn.x_k": "model-00001-of-00003.safetensors",
996
+ "model.layers.7.ffn_norm.bias": "model-00001-of-00003.safetensors",
997
+ "model.layers.7.ffn_norm.weight": "model-00001-of-00003.safetensors",
998
+ "model.layers.8.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
999
+ "model.layers.8.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
1000
+ "model.layers.8.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
1001
+ "model.layers.8.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
1002
+ "model.layers.8.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
1003
+ "model.layers.8.attn.g_norm.bias": "model-00001-of-00003.safetensors",
1004
+ "model.layers.8.attn.g_norm.weight": "model-00001-of-00003.safetensors",
1005
+ "model.layers.8.attn.k_a": "model-00001-of-00003.safetensors",
1006
+ "model.layers.8.attn.k_k": "model-00001-of-00003.safetensors",
1007
+ "model.layers.8.attn.k_proj.weight": "model-00001-of-00003.safetensors",
1008
+ "model.layers.8.attn.o_proj.weight": "model-00001-of-00003.safetensors",
1009
+ "model.layers.8.attn.r_k": "model-00001-of-00003.safetensors",
1010
+ "model.layers.8.attn.r_proj.weight": "model-00001-of-00003.safetensors",
1011
+ "model.layers.8.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
1012
+ "model.layers.8.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
1013
+ "model.layers.8.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
1014
+ "model.layers.8.attn.v_proj.weight": "model-00001-of-00003.safetensors",
1015
+ "model.layers.8.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
1016
+ "model.layers.8.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
1017
+ "model.layers.8.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
1018
+ "model.layers.8.attn.x_a": "model-00001-of-00003.safetensors",
1019
+ "model.layers.8.attn.x_g": "model-00001-of-00003.safetensors",
1020
+ "model.layers.8.attn.x_k": "model-00001-of-00003.safetensors",
1021
+ "model.layers.8.attn.x_r": "model-00001-of-00003.safetensors",
1022
+ "model.layers.8.attn.x_v": "model-00001-of-00003.safetensors",
1023
+ "model.layers.8.attn.x_w": "model-00001-of-00003.safetensors",
1024
+ "model.layers.8.attn_norm.bias": "model-00001-of-00003.safetensors",
1025
+ "model.layers.8.attn_norm.weight": "model-00001-of-00003.safetensors",
1026
+ "model.layers.8.ffn.key.weight": "model-00001-of-00003.safetensors",
1027
+ "model.layers.8.ffn.value.weight": "model-00001-of-00003.safetensors",
1028
+ "model.layers.8.ffn.x_k": "model-00001-of-00003.safetensors",
1029
+ "model.layers.8.ffn_norm.bias": "model-00001-of-00003.safetensors",
1030
+ "model.layers.8.ffn_norm.weight": "model-00001-of-00003.safetensors",
1031
+ "model.layers.9.attn.a_lora.lora.0.weight": "model-00001-of-00003.safetensors",
1032
+ "model.layers.9.attn.a_lora.lora.2.bias": "model-00001-of-00003.safetensors",
1033
+ "model.layers.9.attn.a_lora.lora.2.weight": "model-00001-of-00003.safetensors",
1034
+ "model.layers.9.attn.g_lora.lora.0.weight": "model-00001-of-00003.safetensors",
1035
+ "model.layers.9.attn.g_lora.lora.2.weight": "model-00001-of-00003.safetensors",
1036
+ "model.layers.9.attn.g_norm.bias": "model-00001-of-00003.safetensors",
1037
+ "model.layers.9.attn.g_norm.weight": "model-00001-of-00003.safetensors",
1038
+ "model.layers.9.attn.k_a": "model-00001-of-00003.safetensors",
1039
+ "model.layers.9.attn.k_k": "model-00001-of-00003.safetensors",
1040
+ "model.layers.9.attn.k_proj.weight": "model-00001-of-00003.safetensors",
1041
+ "model.layers.9.attn.o_proj.weight": "model-00001-of-00003.safetensors",
1042
+ "model.layers.9.attn.r_k": "model-00001-of-00003.safetensors",
1043
+ "model.layers.9.attn.r_proj.weight": "model-00001-of-00003.safetensors",
1044
+ "model.layers.9.attn.v_lora.lora.0.weight": "model-00001-of-00003.safetensors",
1045
+ "model.layers.9.attn.v_lora.lora.2.bias": "model-00001-of-00003.safetensors",
1046
+ "model.layers.9.attn.v_lora.lora.2.weight": "model-00001-of-00003.safetensors",
1047
+ "model.layers.9.attn.v_proj.weight": "model-00001-of-00003.safetensors",
1048
+ "model.layers.9.attn.w_lora.lora.0.weight": "model-00001-of-00003.safetensors",
1049
+ "model.layers.9.attn.w_lora.lora.2.bias": "model-00001-of-00003.safetensors",
1050
+ "model.layers.9.attn.w_lora.lora.2.weight": "model-00001-of-00003.safetensors",
1051
+ "model.layers.9.attn.x_a": "model-00001-of-00003.safetensors",
1052
+ "model.layers.9.attn.x_g": "model-00001-of-00003.safetensors",
1053
+ "model.layers.9.attn.x_k": "model-00001-of-00003.safetensors",
1054
+ "model.layers.9.attn.x_r": "model-00001-of-00003.safetensors",
1055
+ "model.layers.9.attn.x_v": "model-00001-of-00003.safetensors",
1056
+ "model.layers.9.attn.x_w": "model-00001-of-00003.safetensors",
1057
+ "model.layers.9.attn_norm.bias": "model-00001-of-00003.safetensors",
1058
+ "model.layers.9.attn_norm.weight": "model-00001-of-00003.safetensors",
1059
+ "model.layers.9.ffn.key.weight": "model-00001-of-00003.safetensors",
1060
+ "model.layers.9.ffn.value.weight": "model-00001-of-00003.safetensors",
1061
+ "model.layers.9.ffn.x_k": "model-00001-of-00003.safetensors",
1062
+ "model.layers.9.ffn_norm.bias": "model-00001-of-00003.safetensors",
1063
+ "model.layers.9.ffn_norm.weight": "model-00001-of-00003.safetensors",
1064
+ "model.norm.bias": "model-00003-of-00003.safetensors",
1065
+ "model.norm.weight": "model-00003-of-00003.safetensors"
1066
+ }
1067
+ }
modeling_rwkv7.py ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ from fla.models.rwkv7 import RWKV7ForCausalLM, RWKV7Model, RWKV7Config
2
+ RWKV7ForCausalLM = RWKV7ForCausalLM
3
+ RWKV7Model = RWKV7Model
4
+ RWKV7Config = RWKV7Config
rwkv_vocab_v20230424.txt ADDED
The diff for this file is too large to render. See raw diff
 
special_tokens_map.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<|rwkv_tokenizer_end_of_text|>",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "eos_token": "\n\n",
10
+ "pad_token": {
11
+ "content": "<|rwkv_tokenizer_end_of_text|>",
12
+ "lstrip": false,
13
+ "normalized": false,
14
+ "rstrip": false,
15
+ "single_word": false
16
+ },
17
+ "unk_token": {
18
+ "content": "<|rwkv_tokenizer_end_of_text|>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ }
24
+ }
tokenizer_config.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "added_tokens_decoder": {
4
+ "0": {
5
+ "content": "<|rwkv_tokenizer_end_of_text|>",
6
+ "lstrip": false,
7
+ "normalized": false,
8
+ "rstrip": false,
9
+ "single_word": false,
10
+ "special": true
11
+ }
12
+ },
13
+ "auto_map": {
14
+ "AutoTokenizer": [
15
+ "hf_rwkv_tokenizer.RwkvTokenizer",
16
+ null
17
+ ]
18
+ },
19
+ "bos_token": "<|rwkv_tokenizer_end_of_text|>",
20
+ "pad_token": "<|rwkv_tokenizer_end_of_text|>",
21
+ "clean_up_tokenization_spaces": false,
22
+ "eos_token": "\n\n",
23
+ "model_max_length": 1000000000000000019884624838656,
24
+ "tokenizer_class": "RwkvTokenizer",
25
+ "unk_token": "<|rwkv_tokenizer_end_of_text|>",
26
+ "use_fast": false,
27
+ "chat_template": "{{ '<|rwkv_tokenizer_end_of_text|>' }}{% for message in messages %}{% if message['role'] == 'user' %}{{'User: ' + message['content'] + '\n\n'}}{% elif message['role'] == 'system' %}{{'System: ' + message['content'] + '\n\n'}}{% elif message['role'] == 'assistant' %}{{'Assistant: ' + message['content'] + '\n\n'}}{% endif %}{% endfor %}{% if add_generation_prompt %}{% if enable_thinking is defined and enable_thinking == False %}{{ 'Assistant: <think></think>' }}{% else %}{{ 'Assistant: <think' }}{% endif %}{% endif %}"
28
+ }