KoichiYasuoka commited on
Commit
6ff8cc6
1 Parent(s): fd958f0

initial release

Browse files
README.md ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ language:
3
+ - "ja"
4
+ tags:
5
+ - "japanese"
6
+ - "token-classification"
7
+ - "pos"
8
+ base_model: nlp-waseda/gpt2-xl-japanese
9
+ datasets:
10
+ - "universal_dependencies"
11
+ license: "cc-by-sa-4.0"
12
+ pipeline_tag: "token-classification"
13
+ widget:
14
+ - text: "国境の長いトンネルを抜けると雪国であった。"
15
+ ---
16
+
17
+ # gpt2-xlarge-japanese-juman-upos
18
+
19
+ ## Model Description
20
+
21
+ This is a GPT-2 model for POS-tagging, derived from [gpt2-xl-japanese](https://huggingface.co/nlp-waseda/gpt2-xl-japanese). Every word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech) and [FEATS](https://universaldependencies.org/u/feat/).
22
+
23
+ ## How to Use
24
+
25
+ ```py
26
+ from transformers import pipeline
27
+ nlp=pipeline("upos","KoichiYasuoka/gpt2-xlarge-japanese-juman-upos",trust_remote_code=True,aggregation_strategy="simple")
28
+ print(nlp("国境の長いトンネルを抜けると雪国であった。"))
29
+ ```
30
+
31
+ [fugashi](https://pypi.org/project/fugashi) is required.
32
+
config.json ADDED
@@ -0,0 +1,162 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "activation_function": "gelu_new",
3
+ "architectures": [
4
+ "GPT2ForTokenClassification"
5
+ ],
6
+ "attn_pdrop": 0.1,
7
+ "bos_token_id": 1,
8
+ "custom_pipelines": {
9
+ "upos": {
10
+ "impl": "upos.BellmanFordTokenClassificationPipeline",
11
+ "pt": "AutoModelForTokenClassification"
12
+ }
13
+ },
14
+ "embd_pdrop": 0.1,
15
+ "eos_token_id": 2,
16
+ "id2label": {
17
+ "0": "ADJ",
18
+ "1": "B-ADJ",
19
+ "2": "I-ADJ",
20
+ "3": "ADJ|Polarity=Neg",
21
+ "4": "B-ADJ|Polarity=Neg",
22
+ "5": "I-ADJ|Polarity=Neg",
23
+ "6": "ADP",
24
+ "7": "B-ADP",
25
+ "8": "I-ADP",
26
+ "9": "ADV",
27
+ "10": "B-ADV",
28
+ "11": "I-ADV",
29
+ "12": "AUX",
30
+ "13": "B-AUX",
31
+ "14": "I-AUX",
32
+ "15": "AUX|Polarity=Neg",
33
+ "16": "B-AUX|Polarity=Neg",
34
+ "17": "I-AUX|Polarity=Neg",
35
+ "18": "CCONJ",
36
+ "19": "B-CCONJ",
37
+ "20": "I-CCONJ",
38
+ "21": "DET",
39
+ "22": "B-DET",
40
+ "23": "I-DET",
41
+ "24": "INTJ",
42
+ "25": "B-INTJ",
43
+ "26": "I-INTJ",
44
+ "27": "NOUN",
45
+ "28": "B-NOUN",
46
+ "29": "I-NOUN",
47
+ "30": "NOUN|Polarity=Neg",
48
+ "31": "B-NOUN|Polarity=Neg",
49
+ "32": "I-NOUN|Polarity=Neg",
50
+ "33": "NUM",
51
+ "34": "B-NUM",
52
+ "35": "I-NUM",
53
+ "36": "PART",
54
+ "37": "B-PART",
55
+ "38": "I-PART",
56
+ "39": "PRON",
57
+ "40": "B-PRON",
58
+ "41": "I-PRON",
59
+ "42": "PROPN",
60
+ "43": "B-PROPN",
61
+ "44": "I-PROPN",
62
+ "45": "PUNCT",
63
+ "46": "B-PUNCT",
64
+ "47": "I-PUNCT",
65
+ "48": "SCONJ",
66
+ "49": "B-SCONJ",
67
+ "50": "I-SCONJ",
68
+ "51": "SYM",
69
+ "52": "B-SYM",
70
+ "53": "I-SYM",
71
+ "54": "VERB",
72
+ "55": "B-VERB",
73
+ "56": "I-VERB",
74
+ "57": "X",
75
+ "58": "B-X",
76
+ "59": "I-X"
77
+ },
78
+ "initializer_range": 0.02,
79
+ "label2id": {
80
+ "ADJ": 0,
81
+ "ADJ|Polarity=Neg": 3,
82
+ "ADP": 6,
83
+ "ADV": 9,
84
+ "AUX": 12,
85
+ "AUX|Polarity=Neg": 15,
86
+ "B-ADJ": 1,
87
+ "B-ADJ|Polarity=Neg": 4,
88
+ "B-ADP": 7,
89
+ "B-ADV": 10,
90
+ "B-AUX": 13,
91
+ "B-AUX|Polarity=Neg": 16,
92
+ "B-CCONJ": 19,
93
+ "B-DET": 22,
94
+ "B-INTJ": 25,
95
+ "B-NOUN": 28,
96
+ "B-NOUN|Polarity=Neg": 31,
97
+ "B-NUM": 34,
98
+ "B-PART": 37,
99
+ "B-PRON": 40,
100
+ "B-PROPN": 43,
101
+ "B-PUNCT": 46,
102
+ "B-SCONJ": 49,
103
+ "B-SYM": 52,
104
+ "B-VERB": 55,
105
+ "B-X": 58,
106
+ "CCONJ": 18,
107
+ "DET": 21,
108
+ "I-ADJ": 2,
109
+ "I-ADJ|Polarity=Neg": 5,
110
+ "I-ADP": 8,
111
+ "I-ADV": 11,
112
+ "I-AUX": 14,
113
+ "I-AUX|Polarity=Neg": 17,
114
+ "I-CCONJ": 20,
115
+ "I-DET": 23,
116
+ "I-INTJ": 26,
117
+ "I-NOUN": 29,
118
+ "I-NOUN|Polarity=Neg": 32,
119
+ "I-NUM": 35,
120
+ "I-PART": 38,
121
+ "I-PRON": 41,
122
+ "I-PROPN": 44,
123
+ "I-PUNCT": 47,
124
+ "I-SCONJ": 50,
125
+ "I-SYM": 53,
126
+ "I-VERB": 56,
127
+ "I-X": 59,
128
+ "INTJ": 24,
129
+ "NOUN": 27,
130
+ "NOUN|Polarity=Neg": 30,
131
+ "NUM": 33,
132
+ "PART": 36,
133
+ "PRON": 39,
134
+ "PROPN": 42,
135
+ "PUNCT": 45,
136
+ "SCONJ": 48,
137
+ "SYM": 51,
138
+ "VERB": 54,
139
+ "X": 57
140
+ },
141
+ "layer_norm_epsilon": 1e-05,
142
+ "model_type": "gpt2",
143
+ "n_embd": 1600,
144
+ "n_head": 20,
145
+ "n_inner": null,
146
+ "n_layer": 48,
147
+ "n_positions": 1024,
148
+ "reorder_and_upcast_attn": false,
149
+ "resid_pdrop": 0.1,
150
+ "scale_attn_by_inverse_layer_idx": false,
151
+ "scale_attn_weights": true,
152
+ "summary_activation": null,
153
+ "summary_first_dropout": 0.1,
154
+ "summary_proj_to_labels": true,
155
+ "summary_type": "cls_index",
156
+ "summary_use_proj": true,
157
+ "tokenizer_class": "JumanPreTrainedTokenizerFast",
158
+ "torch_dtype": "float32",
159
+ "transformers_version": "4.42.4",
160
+ "use_cache": true,
161
+ "vocab_size": 50000
162
+ }
juman.py ADDED
@@ -0,0 +1,49 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import os
2
+ from transformers import PreTrainedTokenizerFast
3
+ from transformers.models.bert_japanese.tokenization_bert_japanese import MecabTokenizer
4
+ try:
5
+ from transformers.utils import cached_file
6
+ except:
7
+ from transformers.file_utils import cached_path,hf_bucket_url
8
+ cached_file=lambda x,y:os.path.join(x,y) if os.path.isdir(x) else cached_path(hf_bucket_url(x,y))
9
+
10
+ class MecabPreTokenizer(MecabTokenizer):
11
+ def mecab_split(self,i,normalized_string):
12
+ t=str(normalized_string)
13
+ z=[]
14
+ e=0
15
+ for c in self.tokenize(t):
16
+ s=t.find(c,e)
17
+ e=e if s<0 else s+len(c)
18
+ z.append((0,0) if s<0 else (s,e))
19
+ return [normalized_string[s:e] for s,e in z if e>0]
20
+ def pre_tokenize(self,pretok):
21
+ pretok.split(self.mecab_split)
22
+
23
+ class JumanPreTrainedTokenizerFast(PreTrainedTokenizerFast):
24
+ def __init__(self,**kwargs):
25
+ from tokenizers.pre_tokenizers import PreTokenizer,Whitespace,Sequence
26
+ super().__init__(**kwargs)
27
+ d,r="/var/lib/mecab/dic/juman-utf8","/etc/mecabrc"
28
+ if not (os.path.isdir(d) and os.path.isfile(r)):
29
+ import zipfile
30
+ import tempfile
31
+ self.dicdir=tempfile.TemporaryDirectory()
32
+ d=self.dicdir.name
33
+ with zipfile.ZipFile(cached_file(self.name_or_path,"mecab-jumandic-utf8.zip")) as z:
34
+ z.extractall(d)
35
+ r=os.path.join(d,"mecabrc")
36
+ with open(r,"w",encoding="utf-8") as w:
37
+ print("dicdir =",d,file=w)
38
+ self.custom_pre_tokenizer=Sequence([PreTokenizer.custom(MecabPreTokenizer(mecab_dic=None,mecab_option="-d "+d+" -r "+r)),Whitespace()])
39
+ self._tokenizer.pre_tokenizer=self.custom_pre_tokenizer
40
+ def save_pretrained(self,save_directory,**kwargs):
41
+ import shutil
42
+ from tokenizers.pre_tokenizers import Whitespace
43
+ self._auto_map={"AutoTokenizer":[None,"juman.JumanPreTrainedTokenizerFast"]}
44
+ self._tokenizer.pre_tokenizer=Whitespace()
45
+ super().save_pretrained(save_directory,**kwargs)
46
+ self._tokenizer.pre_tokenizer=self.custom_pre_tokenizer
47
+ shutil.copy(os.path.abspath(__file__),os.path.join(save_directory,"juman.py"))
48
+ shutil.copy(cached_file(self.name_or_path,"mecab-jumandic-utf8.zip"),os.path.join(save_directory,"mecab-jumandic-utf8.zip"))
49
+
maker.py ADDED
@@ -0,0 +1,68 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #! /usr/bin/python3
2
+ src="nlp-waseda/gpt2-xl-japanese"
3
+ tgt="KoichiYasuoka/gpt2-xlarge-japanese-juman-upos"
4
+
5
+ import os
6
+ from transformers import AutoTokenizer,AutoConfig,GPT2ForTokenClassification,DataCollatorForTokenClassification,TrainingArguments,Trainer
7
+ os.system("test -f ja_gsd_modern.conllu || curl -LO https://github.com/KoichiYasuoka/SuPar-UniDic/raw/main/suparunidic/suparmodels/ja_gsd_modern.conllu")
8
+
9
+ class UPOSFileDataset(object):
10
+ def __init__(self,conllu,tokenizer):
11
+ self.conllu=open(conllu,"r",encoding="utf-8")
12
+ self.tokenizer=tokenizer
13
+ self.seeks=[0]
14
+ label=set(["SYM"])
15
+ s=self.conllu.readline()
16
+ while s!="":
17
+ if s=="\n":
18
+ self.seeks.append(self.conllu.tell())
19
+ else:
20
+ w=s.split("\t")
21
+ if len(w)==10:
22
+ if w[0].isdecimal():
23
+ label.add(w[3] if w[5]=="_" else w[3]+"|"+w[5])
24
+ s=self.conllu.readline()
25
+ lid={}
26
+ for i,l in enumerate(sorted(label)):
27
+ lid[l],lid["B-"+l],lid["I-"+l]=i*3,i*3+1,i*3+2
28
+ self.label2id=lid
29
+ def __call__(*args):
30
+ lid={l:i for i,l in enumerate(sorted(set(sum([list(t.label2id) for t in args],[]))))}
31
+ for t in args:
32
+ t.label2id=lid
33
+ return lid
34
+ def __del__(self):
35
+ self.conllu.close()
36
+ __len__=lambda self:len(self.seeks)-1
37
+ def __getitem__(self,i):
38
+ self.conllu.seek(self.seeks[i])
39
+ form,upos=[],[]
40
+ while self.conllu.tell()<self.seeks[i+1]:
41
+ w=self.conllu.readline().split("\t")
42
+ if len(w)==10:
43
+ form.append(w[1])
44
+ if w[0].isdecimal():
45
+ upos.append(w[3] if w[5]=="_" else w[3]+"|"+w[5])
46
+ v=self.tokenizer(form,add_special_tokens=False)
47
+ i,u=[],[]
48
+ for j,(x,y) in enumerate(zip(v["input_ids"],upos)):
49
+ if x!=[]:
50
+ i+=x
51
+ u+=[y] if len(x)==1 else ["B-"+y]+["I-"+y]*(len(x)-1)
52
+ if len(i)<self.tokenizer.model_max_length-3:
53
+ ids=i
54
+ upos=u
55
+ else:
56
+ ids=i[0:self.tokenizer.model_max_length-2]
57
+ upos=u[0:self.tokenizer.model_max_length-2]
58
+ return {"input_ids":ids,"labels":[self.label2id[t] for t in upos]}
59
+
60
+ tkz=AutoTokenizer.from_pretrained(src,cls_token="<s>",sep_token="<s>",mask_token="<unk>",pad_token="</s>",model_max_length=1024)
61
+ trainDS=UPOSFileDataset("ja_gsd_modern.conllu",tkz)
62
+ lid=trainDS.label2id
63
+ cfg=AutoConfig.from_pretrained(src,num_labels=len(lid),label2id=lid,id2label={i:l for l,i in lid.items()},ignore_mismatched_sizes=True)
64
+ arg=TrainingArguments(num_train_epochs=3,per_device_train_batch_size=8,output_dir=tgt,overwrite_output_dir=True,save_total_limit=2,learning_rate=5e-05,warmup_ratio=0.1,save_safetensors=False)
65
+ trn=Trainer(args=arg,data_collator=DataCollatorForTokenClassification(tkz),model=GPT2ForTokenClassification.from_pretrained(src,config=cfg,ignore_mismatched_sizes=True),train_dataset=trainDS)
66
+ trn.train()
67
+ trn.save_model(tgt)
68
+ tkz.save_pretrained(tgt)
mecab-jumandic-utf8.zip ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bbde3e53407df0e50122816df8f936ceb006580c17026e21037518ed542e4cbc
3
+ size 33196897
pytorch_model-00001-of-00002.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bba77034f968ad8e357975860c32b213cf1388afb6f26014cb5bf55ba4e734eb
3
+ size 4999326494
pytorch_model-00002-of-00002.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:54c649d1e5d3a0f9bf15747420e7e15921c96ef44685eb2dce7b0124c8c0475e
3
+ size 1230058132
pytorch_model.bin.index.json ADDED
@@ -0,0 +1,589 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "metadata": {
3
+ "total_size": 6229184240
4
+ },
5
+ "weight_map": {
6
+ "classifier.bias": "pytorch_model-00002-of-00002.bin",
7
+ "classifier.weight": "pytorch_model-00002-of-00002.bin",
8
+ "transformer.h.0.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
9
+ "transformer.h.0.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
10
+ "transformer.h.0.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
11
+ "transformer.h.0.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
12
+ "transformer.h.0.ln_1.bias": "pytorch_model-00001-of-00002.bin",
13
+ "transformer.h.0.ln_1.weight": "pytorch_model-00001-of-00002.bin",
14
+ "transformer.h.0.ln_2.bias": "pytorch_model-00001-of-00002.bin",
15
+ "transformer.h.0.ln_2.weight": "pytorch_model-00001-of-00002.bin",
16
+ "transformer.h.0.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
17
+ "transformer.h.0.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
18
+ "transformer.h.0.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
19
+ "transformer.h.0.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
20
+ "transformer.h.1.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
21
+ "transformer.h.1.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
22
+ "transformer.h.1.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
23
+ "transformer.h.1.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
24
+ "transformer.h.1.ln_1.bias": "pytorch_model-00001-of-00002.bin",
25
+ "transformer.h.1.ln_1.weight": "pytorch_model-00001-of-00002.bin",
26
+ "transformer.h.1.ln_2.bias": "pytorch_model-00001-of-00002.bin",
27
+ "transformer.h.1.ln_2.weight": "pytorch_model-00001-of-00002.bin",
28
+ "transformer.h.1.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
29
+ "transformer.h.1.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
30
+ "transformer.h.1.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
31
+ "transformer.h.1.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
32
+ "transformer.h.10.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
33
+ "transformer.h.10.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
34
+ "transformer.h.10.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
35
+ "transformer.h.10.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
36
+ "transformer.h.10.ln_1.bias": "pytorch_model-00001-of-00002.bin",
37
+ "transformer.h.10.ln_1.weight": "pytorch_model-00001-of-00002.bin",
38
+ "transformer.h.10.ln_2.bias": "pytorch_model-00001-of-00002.bin",
39
+ "transformer.h.10.ln_2.weight": "pytorch_model-00001-of-00002.bin",
40
+ "transformer.h.10.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
41
+ "transformer.h.10.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
42
+ "transformer.h.10.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
43
+ "transformer.h.10.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
44
+ "transformer.h.11.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
45
+ "transformer.h.11.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
46
+ "transformer.h.11.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
47
+ "transformer.h.11.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
48
+ "transformer.h.11.ln_1.bias": "pytorch_model-00001-of-00002.bin",
49
+ "transformer.h.11.ln_1.weight": "pytorch_model-00001-of-00002.bin",
50
+ "transformer.h.11.ln_2.bias": "pytorch_model-00001-of-00002.bin",
51
+ "transformer.h.11.ln_2.weight": "pytorch_model-00001-of-00002.bin",
52
+ "transformer.h.11.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
53
+ "transformer.h.11.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
54
+ "transformer.h.11.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
55
+ "transformer.h.11.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
56
+ "transformer.h.12.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
57
+ "transformer.h.12.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
58
+ "transformer.h.12.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
59
+ "transformer.h.12.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
60
+ "transformer.h.12.ln_1.bias": "pytorch_model-00001-of-00002.bin",
61
+ "transformer.h.12.ln_1.weight": "pytorch_model-00001-of-00002.bin",
62
+ "transformer.h.12.ln_2.bias": "pytorch_model-00001-of-00002.bin",
63
+ "transformer.h.12.ln_2.weight": "pytorch_model-00001-of-00002.bin",
64
+ "transformer.h.12.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
65
+ "transformer.h.12.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
66
+ "transformer.h.12.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
67
+ "transformer.h.12.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
68
+ "transformer.h.13.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
69
+ "transformer.h.13.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
70
+ "transformer.h.13.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
71
+ "transformer.h.13.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
72
+ "transformer.h.13.ln_1.bias": "pytorch_model-00001-of-00002.bin",
73
+ "transformer.h.13.ln_1.weight": "pytorch_model-00001-of-00002.bin",
74
+ "transformer.h.13.ln_2.bias": "pytorch_model-00001-of-00002.bin",
75
+ "transformer.h.13.ln_2.weight": "pytorch_model-00001-of-00002.bin",
76
+ "transformer.h.13.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
77
+ "transformer.h.13.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
78
+ "transformer.h.13.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
79
+ "transformer.h.13.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
80
+ "transformer.h.14.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
81
+ "transformer.h.14.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
82
+ "transformer.h.14.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
83
+ "transformer.h.14.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
84
+ "transformer.h.14.ln_1.bias": "pytorch_model-00001-of-00002.bin",
85
+ "transformer.h.14.ln_1.weight": "pytorch_model-00001-of-00002.bin",
86
+ "transformer.h.14.ln_2.bias": "pytorch_model-00001-of-00002.bin",
87
+ "transformer.h.14.ln_2.weight": "pytorch_model-00001-of-00002.bin",
88
+ "transformer.h.14.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
89
+ "transformer.h.14.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
90
+ "transformer.h.14.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
91
+ "transformer.h.14.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
92
+ "transformer.h.15.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
93
+ "transformer.h.15.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
94
+ "transformer.h.15.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
95
+ "transformer.h.15.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
96
+ "transformer.h.15.ln_1.bias": "pytorch_model-00001-of-00002.bin",
97
+ "transformer.h.15.ln_1.weight": "pytorch_model-00001-of-00002.bin",
98
+ "transformer.h.15.ln_2.bias": "pytorch_model-00001-of-00002.bin",
99
+ "transformer.h.15.ln_2.weight": "pytorch_model-00001-of-00002.bin",
100
+ "transformer.h.15.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
101
+ "transformer.h.15.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
102
+ "transformer.h.15.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
103
+ "transformer.h.15.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
104
+ "transformer.h.16.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
105
+ "transformer.h.16.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
106
+ "transformer.h.16.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
107
+ "transformer.h.16.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
108
+ "transformer.h.16.ln_1.bias": "pytorch_model-00001-of-00002.bin",
109
+ "transformer.h.16.ln_1.weight": "pytorch_model-00001-of-00002.bin",
110
+ "transformer.h.16.ln_2.bias": "pytorch_model-00001-of-00002.bin",
111
+ "transformer.h.16.ln_2.weight": "pytorch_model-00001-of-00002.bin",
112
+ "transformer.h.16.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
113
+ "transformer.h.16.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
114
+ "transformer.h.16.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
115
+ "transformer.h.16.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
116
+ "transformer.h.17.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
117
+ "transformer.h.17.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
118
+ "transformer.h.17.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
119
+ "transformer.h.17.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
120
+ "transformer.h.17.ln_1.bias": "pytorch_model-00001-of-00002.bin",
121
+ "transformer.h.17.ln_1.weight": "pytorch_model-00001-of-00002.bin",
122
+ "transformer.h.17.ln_2.bias": "pytorch_model-00001-of-00002.bin",
123
+ "transformer.h.17.ln_2.weight": "pytorch_model-00001-of-00002.bin",
124
+ "transformer.h.17.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
125
+ "transformer.h.17.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
126
+ "transformer.h.17.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
127
+ "transformer.h.17.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
128
+ "transformer.h.18.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
129
+ "transformer.h.18.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
130
+ "transformer.h.18.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
131
+ "transformer.h.18.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
132
+ "transformer.h.18.ln_1.bias": "pytorch_model-00001-of-00002.bin",
133
+ "transformer.h.18.ln_1.weight": "pytorch_model-00001-of-00002.bin",
134
+ "transformer.h.18.ln_2.bias": "pytorch_model-00001-of-00002.bin",
135
+ "transformer.h.18.ln_2.weight": "pytorch_model-00001-of-00002.bin",
136
+ "transformer.h.18.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
137
+ "transformer.h.18.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
138
+ "transformer.h.18.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
139
+ "transformer.h.18.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
140
+ "transformer.h.19.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
141
+ "transformer.h.19.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
142
+ "transformer.h.19.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
143
+ "transformer.h.19.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
144
+ "transformer.h.19.ln_1.bias": "pytorch_model-00001-of-00002.bin",
145
+ "transformer.h.19.ln_1.weight": "pytorch_model-00001-of-00002.bin",
146
+ "transformer.h.19.ln_2.bias": "pytorch_model-00001-of-00002.bin",
147
+ "transformer.h.19.ln_2.weight": "pytorch_model-00001-of-00002.bin",
148
+ "transformer.h.19.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
149
+ "transformer.h.19.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
150
+ "transformer.h.19.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
151
+ "transformer.h.19.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
152
+ "transformer.h.2.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
153
+ "transformer.h.2.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
154
+ "transformer.h.2.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
155
+ "transformer.h.2.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
156
+ "transformer.h.2.ln_1.bias": "pytorch_model-00001-of-00002.bin",
157
+ "transformer.h.2.ln_1.weight": "pytorch_model-00001-of-00002.bin",
158
+ "transformer.h.2.ln_2.bias": "pytorch_model-00001-of-00002.bin",
159
+ "transformer.h.2.ln_2.weight": "pytorch_model-00001-of-00002.bin",
160
+ "transformer.h.2.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
161
+ "transformer.h.2.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
162
+ "transformer.h.2.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
163
+ "transformer.h.2.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
164
+ "transformer.h.20.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
165
+ "transformer.h.20.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
166
+ "transformer.h.20.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
167
+ "transformer.h.20.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
168
+ "transformer.h.20.ln_1.bias": "pytorch_model-00001-of-00002.bin",
169
+ "transformer.h.20.ln_1.weight": "pytorch_model-00001-of-00002.bin",
170
+ "transformer.h.20.ln_2.bias": "pytorch_model-00001-of-00002.bin",
171
+ "transformer.h.20.ln_2.weight": "pytorch_model-00001-of-00002.bin",
172
+ "transformer.h.20.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
173
+ "transformer.h.20.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
174
+ "transformer.h.20.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
175
+ "transformer.h.20.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
176
+ "transformer.h.21.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
177
+ "transformer.h.21.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
178
+ "transformer.h.21.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
179
+ "transformer.h.21.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
180
+ "transformer.h.21.ln_1.bias": "pytorch_model-00001-of-00002.bin",
181
+ "transformer.h.21.ln_1.weight": "pytorch_model-00001-of-00002.bin",
182
+ "transformer.h.21.ln_2.bias": "pytorch_model-00001-of-00002.bin",
183
+ "transformer.h.21.ln_2.weight": "pytorch_model-00001-of-00002.bin",
184
+ "transformer.h.21.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
185
+ "transformer.h.21.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
186
+ "transformer.h.21.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
187
+ "transformer.h.21.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
188
+ "transformer.h.22.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
189
+ "transformer.h.22.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
190
+ "transformer.h.22.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
191
+ "transformer.h.22.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
192
+ "transformer.h.22.ln_1.bias": "pytorch_model-00001-of-00002.bin",
193
+ "transformer.h.22.ln_1.weight": "pytorch_model-00001-of-00002.bin",
194
+ "transformer.h.22.ln_2.bias": "pytorch_model-00001-of-00002.bin",
195
+ "transformer.h.22.ln_2.weight": "pytorch_model-00001-of-00002.bin",
196
+ "transformer.h.22.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
197
+ "transformer.h.22.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
198
+ "transformer.h.22.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
199
+ "transformer.h.22.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
200
+ "transformer.h.23.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
201
+ "transformer.h.23.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
202
+ "transformer.h.23.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
203
+ "transformer.h.23.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
204
+ "transformer.h.23.ln_1.bias": "pytorch_model-00001-of-00002.bin",
205
+ "transformer.h.23.ln_1.weight": "pytorch_model-00001-of-00002.bin",
206
+ "transformer.h.23.ln_2.bias": "pytorch_model-00001-of-00002.bin",
207
+ "transformer.h.23.ln_2.weight": "pytorch_model-00001-of-00002.bin",
208
+ "transformer.h.23.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
209
+ "transformer.h.23.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
210
+ "transformer.h.23.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
211
+ "transformer.h.23.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
212
+ "transformer.h.24.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
213
+ "transformer.h.24.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
214
+ "transformer.h.24.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
215
+ "transformer.h.24.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
216
+ "transformer.h.24.ln_1.bias": "pytorch_model-00001-of-00002.bin",
217
+ "transformer.h.24.ln_1.weight": "pytorch_model-00001-of-00002.bin",
218
+ "transformer.h.24.ln_2.bias": "pytorch_model-00001-of-00002.bin",
219
+ "transformer.h.24.ln_2.weight": "pytorch_model-00001-of-00002.bin",
220
+ "transformer.h.24.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
221
+ "transformer.h.24.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
222
+ "transformer.h.24.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
223
+ "transformer.h.24.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
224
+ "transformer.h.25.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
225
+ "transformer.h.25.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
226
+ "transformer.h.25.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
227
+ "transformer.h.25.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
228
+ "transformer.h.25.ln_1.bias": "pytorch_model-00001-of-00002.bin",
229
+ "transformer.h.25.ln_1.weight": "pytorch_model-00001-of-00002.bin",
230
+ "transformer.h.25.ln_2.bias": "pytorch_model-00001-of-00002.bin",
231
+ "transformer.h.25.ln_2.weight": "pytorch_model-00001-of-00002.bin",
232
+ "transformer.h.25.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
233
+ "transformer.h.25.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
234
+ "transformer.h.25.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
235
+ "transformer.h.25.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
236
+ "transformer.h.26.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
237
+ "transformer.h.26.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
238
+ "transformer.h.26.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
239
+ "transformer.h.26.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
240
+ "transformer.h.26.ln_1.bias": "pytorch_model-00001-of-00002.bin",
241
+ "transformer.h.26.ln_1.weight": "pytorch_model-00001-of-00002.bin",
242
+ "transformer.h.26.ln_2.bias": "pytorch_model-00001-of-00002.bin",
243
+ "transformer.h.26.ln_2.weight": "pytorch_model-00001-of-00002.bin",
244
+ "transformer.h.26.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
245
+ "transformer.h.26.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
246
+ "transformer.h.26.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
247
+ "transformer.h.26.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
248
+ "transformer.h.27.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
249
+ "transformer.h.27.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
250
+ "transformer.h.27.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
251
+ "transformer.h.27.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
252
+ "transformer.h.27.ln_1.bias": "pytorch_model-00001-of-00002.bin",
253
+ "transformer.h.27.ln_1.weight": "pytorch_model-00001-of-00002.bin",
254
+ "transformer.h.27.ln_2.bias": "pytorch_model-00001-of-00002.bin",
255
+ "transformer.h.27.ln_2.weight": "pytorch_model-00001-of-00002.bin",
256
+ "transformer.h.27.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
257
+ "transformer.h.27.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
258
+ "transformer.h.27.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
259
+ "transformer.h.27.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
260
+ "transformer.h.28.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
261
+ "transformer.h.28.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
262
+ "transformer.h.28.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
263
+ "transformer.h.28.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
264
+ "transformer.h.28.ln_1.bias": "pytorch_model-00001-of-00002.bin",
265
+ "transformer.h.28.ln_1.weight": "pytorch_model-00001-of-00002.bin",
266
+ "transformer.h.28.ln_2.bias": "pytorch_model-00001-of-00002.bin",
267
+ "transformer.h.28.ln_2.weight": "pytorch_model-00001-of-00002.bin",
268
+ "transformer.h.28.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
269
+ "transformer.h.28.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
270
+ "transformer.h.28.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
271
+ "transformer.h.28.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
272
+ "transformer.h.29.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
273
+ "transformer.h.29.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
274
+ "transformer.h.29.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
275
+ "transformer.h.29.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
276
+ "transformer.h.29.ln_1.bias": "pytorch_model-00001-of-00002.bin",
277
+ "transformer.h.29.ln_1.weight": "pytorch_model-00001-of-00002.bin",
278
+ "transformer.h.29.ln_2.bias": "pytorch_model-00001-of-00002.bin",
279
+ "transformer.h.29.ln_2.weight": "pytorch_model-00001-of-00002.bin",
280
+ "transformer.h.29.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
281
+ "transformer.h.29.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
282
+ "transformer.h.29.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
283
+ "transformer.h.29.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
284
+ "transformer.h.3.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
285
+ "transformer.h.3.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
286
+ "transformer.h.3.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
287
+ "transformer.h.3.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
288
+ "transformer.h.3.ln_1.bias": "pytorch_model-00001-of-00002.bin",
289
+ "transformer.h.3.ln_1.weight": "pytorch_model-00001-of-00002.bin",
290
+ "transformer.h.3.ln_2.bias": "pytorch_model-00001-of-00002.bin",
291
+ "transformer.h.3.ln_2.weight": "pytorch_model-00001-of-00002.bin",
292
+ "transformer.h.3.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
293
+ "transformer.h.3.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
294
+ "transformer.h.3.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
295
+ "transformer.h.3.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
296
+ "transformer.h.30.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
297
+ "transformer.h.30.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
298
+ "transformer.h.30.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
299
+ "transformer.h.30.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
300
+ "transformer.h.30.ln_1.bias": "pytorch_model-00001-of-00002.bin",
301
+ "transformer.h.30.ln_1.weight": "pytorch_model-00001-of-00002.bin",
302
+ "transformer.h.30.ln_2.bias": "pytorch_model-00001-of-00002.bin",
303
+ "transformer.h.30.ln_2.weight": "pytorch_model-00001-of-00002.bin",
304
+ "transformer.h.30.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
305
+ "transformer.h.30.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
306
+ "transformer.h.30.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
307
+ "transformer.h.30.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
308
+ "transformer.h.31.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
309
+ "transformer.h.31.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
310
+ "transformer.h.31.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
311
+ "transformer.h.31.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
312
+ "transformer.h.31.ln_1.bias": "pytorch_model-00001-of-00002.bin",
313
+ "transformer.h.31.ln_1.weight": "pytorch_model-00001-of-00002.bin",
314
+ "transformer.h.31.ln_2.bias": "pytorch_model-00001-of-00002.bin",
315
+ "transformer.h.31.ln_2.weight": "pytorch_model-00001-of-00002.bin",
316
+ "transformer.h.31.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
317
+ "transformer.h.31.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
318
+ "transformer.h.31.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
319
+ "transformer.h.31.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
320
+ "transformer.h.32.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
321
+ "transformer.h.32.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
322
+ "transformer.h.32.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
323
+ "transformer.h.32.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
324
+ "transformer.h.32.ln_1.bias": "pytorch_model-00001-of-00002.bin",
325
+ "transformer.h.32.ln_1.weight": "pytorch_model-00001-of-00002.bin",
326
+ "transformer.h.32.ln_2.bias": "pytorch_model-00001-of-00002.bin",
327
+ "transformer.h.32.ln_2.weight": "pytorch_model-00001-of-00002.bin",
328
+ "transformer.h.32.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
329
+ "transformer.h.32.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
330
+ "transformer.h.32.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
331
+ "transformer.h.32.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
332
+ "transformer.h.33.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
333
+ "transformer.h.33.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
334
+ "transformer.h.33.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
335
+ "transformer.h.33.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
336
+ "transformer.h.33.ln_1.bias": "pytorch_model-00001-of-00002.bin",
337
+ "transformer.h.33.ln_1.weight": "pytorch_model-00001-of-00002.bin",
338
+ "transformer.h.33.ln_2.bias": "pytorch_model-00001-of-00002.bin",
339
+ "transformer.h.33.ln_2.weight": "pytorch_model-00001-of-00002.bin",
340
+ "transformer.h.33.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
341
+ "transformer.h.33.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
342
+ "transformer.h.33.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
343
+ "transformer.h.33.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
344
+ "transformer.h.34.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
345
+ "transformer.h.34.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
346
+ "transformer.h.34.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
347
+ "transformer.h.34.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
348
+ "transformer.h.34.ln_1.bias": "pytorch_model-00001-of-00002.bin",
349
+ "transformer.h.34.ln_1.weight": "pytorch_model-00001-of-00002.bin",
350
+ "transformer.h.34.ln_2.bias": "pytorch_model-00001-of-00002.bin",
351
+ "transformer.h.34.ln_2.weight": "pytorch_model-00001-of-00002.bin",
352
+ "transformer.h.34.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
353
+ "transformer.h.34.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
354
+ "transformer.h.34.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
355
+ "transformer.h.34.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
356
+ "transformer.h.35.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
357
+ "transformer.h.35.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
358
+ "transformer.h.35.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
359
+ "transformer.h.35.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
360
+ "transformer.h.35.ln_1.bias": "pytorch_model-00001-of-00002.bin",
361
+ "transformer.h.35.ln_1.weight": "pytorch_model-00001-of-00002.bin",
362
+ "transformer.h.35.ln_2.bias": "pytorch_model-00001-of-00002.bin",
363
+ "transformer.h.35.ln_2.weight": "pytorch_model-00001-of-00002.bin",
364
+ "transformer.h.35.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
365
+ "transformer.h.35.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
366
+ "transformer.h.35.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
367
+ "transformer.h.35.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
368
+ "transformer.h.36.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
369
+ "transformer.h.36.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
370
+ "transformer.h.36.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
371
+ "transformer.h.36.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
372
+ "transformer.h.36.ln_1.bias": "pytorch_model-00001-of-00002.bin",
373
+ "transformer.h.36.ln_1.weight": "pytorch_model-00001-of-00002.bin",
374
+ "transformer.h.36.ln_2.bias": "pytorch_model-00001-of-00002.bin",
375
+ "transformer.h.36.ln_2.weight": "pytorch_model-00001-of-00002.bin",
376
+ "transformer.h.36.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
377
+ "transformer.h.36.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
378
+ "transformer.h.36.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
379
+ "transformer.h.36.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
380
+ "transformer.h.37.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
381
+ "transformer.h.37.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
382
+ "transformer.h.37.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
383
+ "transformer.h.37.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
384
+ "transformer.h.37.ln_1.bias": "pytorch_model-00001-of-00002.bin",
385
+ "transformer.h.37.ln_1.weight": "pytorch_model-00001-of-00002.bin",
386
+ "transformer.h.37.ln_2.bias": "pytorch_model-00001-of-00002.bin",
387
+ "transformer.h.37.ln_2.weight": "pytorch_model-00001-of-00002.bin",
388
+ "transformer.h.37.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
389
+ "transformer.h.37.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
390
+ "transformer.h.37.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
391
+ "transformer.h.37.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
392
+ "transformer.h.38.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
393
+ "transformer.h.38.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
394
+ "transformer.h.38.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
395
+ "transformer.h.38.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
396
+ "transformer.h.38.ln_1.bias": "pytorch_model-00001-of-00002.bin",
397
+ "transformer.h.38.ln_1.weight": "pytorch_model-00001-of-00002.bin",
398
+ "transformer.h.38.ln_2.bias": "pytorch_model-00002-of-00002.bin",
399
+ "transformer.h.38.ln_2.weight": "pytorch_model-00002-of-00002.bin",
400
+ "transformer.h.38.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
401
+ "transformer.h.38.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
402
+ "transformer.h.38.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
403
+ "transformer.h.38.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
404
+ "transformer.h.39.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
405
+ "transformer.h.39.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
406
+ "transformer.h.39.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
407
+ "transformer.h.39.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
408
+ "transformer.h.39.ln_1.bias": "pytorch_model-00002-of-00002.bin",
409
+ "transformer.h.39.ln_1.weight": "pytorch_model-00002-of-00002.bin",
410
+ "transformer.h.39.ln_2.bias": "pytorch_model-00002-of-00002.bin",
411
+ "transformer.h.39.ln_2.weight": "pytorch_model-00002-of-00002.bin",
412
+ "transformer.h.39.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
413
+ "transformer.h.39.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
414
+ "transformer.h.39.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
415
+ "transformer.h.39.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
416
+ "transformer.h.4.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
417
+ "transformer.h.4.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
418
+ "transformer.h.4.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
419
+ "transformer.h.4.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
420
+ "transformer.h.4.ln_1.bias": "pytorch_model-00001-of-00002.bin",
421
+ "transformer.h.4.ln_1.weight": "pytorch_model-00001-of-00002.bin",
422
+ "transformer.h.4.ln_2.bias": "pytorch_model-00001-of-00002.bin",
423
+ "transformer.h.4.ln_2.weight": "pytorch_model-00001-of-00002.bin",
424
+ "transformer.h.4.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
425
+ "transformer.h.4.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
426
+ "transformer.h.4.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
427
+ "transformer.h.4.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
428
+ "transformer.h.40.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
429
+ "transformer.h.40.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
430
+ "transformer.h.40.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
431
+ "transformer.h.40.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
432
+ "transformer.h.40.ln_1.bias": "pytorch_model-00002-of-00002.bin",
433
+ "transformer.h.40.ln_1.weight": "pytorch_model-00002-of-00002.bin",
434
+ "transformer.h.40.ln_2.bias": "pytorch_model-00002-of-00002.bin",
435
+ "transformer.h.40.ln_2.weight": "pytorch_model-00002-of-00002.bin",
436
+ "transformer.h.40.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
437
+ "transformer.h.40.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
438
+ "transformer.h.40.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
439
+ "transformer.h.40.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
440
+ "transformer.h.41.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
441
+ "transformer.h.41.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
442
+ "transformer.h.41.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
443
+ "transformer.h.41.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
444
+ "transformer.h.41.ln_1.bias": "pytorch_model-00002-of-00002.bin",
445
+ "transformer.h.41.ln_1.weight": "pytorch_model-00002-of-00002.bin",
446
+ "transformer.h.41.ln_2.bias": "pytorch_model-00002-of-00002.bin",
447
+ "transformer.h.41.ln_2.weight": "pytorch_model-00002-of-00002.bin",
448
+ "transformer.h.41.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
449
+ "transformer.h.41.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
450
+ "transformer.h.41.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
451
+ "transformer.h.41.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
452
+ "transformer.h.42.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
453
+ "transformer.h.42.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
454
+ "transformer.h.42.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
455
+ "transformer.h.42.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
456
+ "transformer.h.42.ln_1.bias": "pytorch_model-00002-of-00002.bin",
457
+ "transformer.h.42.ln_1.weight": "pytorch_model-00002-of-00002.bin",
458
+ "transformer.h.42.ln_2.bias": "pytorch_model-00002-of-00002.bin",
459
+ "transformer.h.42.ln_2.weight": "pytorch_model-00002-of-00002.bin",
460
+ "transformer.h.42.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
461
+ "transformer.h.42.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
462
+ "transformer.h.42.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
463
+ "transformer.h.42.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
464
+ "transformer.h.43.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
465
+ "transformer.h.43.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
466
+ "transformer.h.43.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
467
+ "transformer.h.43.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
468
+ "transformer.h.43.ln_1.bias": "pytorch_model-00002-of-00002.bin",
469
+ "transformer.h.43.ln_1.weight": "pytorch_model-00002-of-00002.bin",
470
+ "transformer.h.43.ln_2.bias": "pytorch_model-00002-of-00002.bin",
471
+ "transformer.h.43.ln_2.weight": "pytorch_model-00002-of-00002.bin",
472
+ "transformer.h.43.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
473
+ "transformer.h.43.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
474
+ "transformer.h.43.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
475
+ "transformer.h.43.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
476
+ "transformer.h.44.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
477
+ "transformer.h.44.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
478
+ "transformer.h.44.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
479
+ "transformer.h.44.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
480
+ "transformer.h.44.ln_1.bias": "pytorch_model-00002-of-00002.bin",
481
+ "transformer.h.44.ln_1.weight": "pytorch_model-00002-of-00002.bin",
482
+ "transformer.h.44.ln_2.bias": "pytorch_model-00002-of-00002.bin",
483
+ "transformer.h.44.ln_2.weight": "pytorch_model-00002-of-00002.bin",
484
+ "transformer.h.44.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
485
+ "transformer.h.44.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
486
+ "transformer.h.44.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
487
+ "transformer.h.44.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
488
+ "transformer.h.45.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
489
+ "transformer.h.45.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
490
+ "transformer.h.45.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
491
+ "transformer.h.45.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
492
+ "transformer.h.45.ln_1.bias": "pytorch_model-00002-of-00002.bin",
493
+ "transformer.h.45.ln_1.weight": "pytorch_model-00002-of-00002.bin",
494
+ "transformer.h.45.ln_2.bias": "pytorch_model-00002-of-00002.bin",
495
+ "transformer.h.45.ln_2.weight": "pytorch_model-00002-of-00002.bin",
496
+ "transformer.h.45.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
497
+ "transformer.h.45.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
498
+ "transformer.h.45.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
499
+ "transformer.h.45.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
500
+ "transformer.h.46.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
501
+ "transformer.h.46.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
502
+ "transformer.h.46.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
503
+ "transformer.h.46.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
504
+ "transformer.h.46.ln_1.bias": "pytorch_model-00002-of-00002.bin",
505
+ "transformer.h.46.ln_1.weight": "pytorch_model-00002-of-00002.bin",
506
+ "transformer.h.46.ln_2.bias": "pytorch_model-00002-of-00002.bin",
507
+ "transformer.h.46.ln_2.weight": "pytorch_model-00002-of-00002.bin",
508
+ "transformer.h.46.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
509
+ "transformer.h.46.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
510
+ "transformer.h.46.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
511
+ "transformer.h.46.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
512
+ "transformer.h.47.attn.c_attn.bias": "pytorch_model-00002-of-00002.bin",
513
+ "transformer.h.47.attn.c_attn.weight": "pytorch_model-00002-of-00002.bin",
514
+ "transformer.h.47.attn.c_proj.bias": "pytorch_model-00002-of-00002.bin",
515
+ "transformer.h.47.attn.c_proj.weight": "pytorch_model-00002-of-00002.bin",
516
+ "transformer.h.47.ln_1.bias": "pytorch_model-00002-of-00002.bin",
517
+ "transformer.h.47.ln_1.weight": "pytorch_model-00002-of-00002.bin",
518
+ "transformer.h.47.ln_2.bias": "pytorch_model-00002-of-00002.bin",
519
+ "transformer.h.47.ln_2.weight": "pytorch_model-00002-of-00002.bin",
520
+ "transformer.h.47.mlp.c_fc.bias": "pytorch_model-00002-of-00002.bin",
521
+ "transformer.h.47.mlp.c_fc.weight": "pytorch_model-00002-of-00002.bin",
522
+ "transformer.h.47.mlp.c_proj.bias": "pytorch_model-00002-of-00002.bin",
523
+ "transformer.h.47.mlp.c_proj.weight": "pytorch_model-00002-of-00002.bin",
524
+ "transformer.h.5.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
525
+ "transformer.h.5.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
526
+ "transformer.h.5.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
527
+ "transformer.h.5.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
528
+ "transformer.h.5.ln_1.bias": "pytorch_model-00001-of-00002.bin",
529
+ "transformer.h.5.ln_1.weight": "pytorch_model-00001-of-00002.bin",
530
+ "transformer.h.5.ln_2.bias": "pytorch_model-00001-of-00002.bin",
531
+ "transformer.h.5.ln_2.weight": "pytorch_model-00001-of-00002.bin",
532
+ "transformer.h.5.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
533
+ "transformer.h.5.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
534
+ "transformer.h.5.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
535
+ "transformer.h.5.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
536
+ "transformer.h.6.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
537
+ "transformer.h.6.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
538
+ "transformer.h.6.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
539
+ "transformer.h.6.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
540
+ "transformer.h.6.ln_1.bias": "pytorch_model-00001-of-00002.bin",
541
+ "transformer.h.6.ln_1.weight": "pytorch_model-00001-of-00002.bin",
542
+ "transformer.h.6.ln_2.bias": "pytorch_model-00001-of-00002.bin",
543
+ "transformer.h.6.ln_2.weight": "pytorch_model-00001-of-00002.bin",
544
+ "transformer.h.6.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
545
+ "transformer.h.6.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
546
+ "transformer.h.6.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
547
+ "transformer.h.6.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
548
+ "transformer.h.7.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
549
+ "transformer.h.7.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
550
+ "transformer.h.7.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
551
+ "transformer.h.7.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
552
+ "transformer.h.7.ln_1.bias": "pytorch_model-00001-of-00002.bin",
553
+ "transformer.h.7.ln_1.weight": "pytorch_model-00001-of-00002.bin",
554
+ "transformer.h.7.ln_2.bias": "pytorch_model-00001-of-00002.bin",
555
+ "transformer.h.7.ln_2.weight": "pytorch_model-00001-of-00002.bin",
556
+ "transformer.h.7.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
557
+ "transformer.h.7.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
558
+ "transformer.h.7.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
559
+ "transformer.h.7.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
560
+ "transformer.h.8.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
561
+ "transformer.h.8.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
562
+ "transformer.h.8.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
563
+ "transformer.h.8.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
564
+ "transformer.h.8.ln_1.bias": "pytorch_model-00001-of-00002.bin",
565
+ "transformer.h.8.ln_1.weight": "pytorch_model-00001-of-00002.bin",
566
+ "transformer.h.8.ln_2.bias": "pytorch_model-00001-of-00002.bin",
567
+ "transformer.h.8.ln_2.weight": "pytorch_model-00001-of-00002.bin",
568
+ "transformer.h.8.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
569
+ "transformer.h.8.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
570
+ "transformer.h.8.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
571
+ "transformer.h.8.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
572
+ "transformer.h.9.attn.c_attn.bias": "pytorch_model-00001-of-00002.bin",
573
+ "transformer.h.9.attn.c_attn.weight": "pytorch_model-00001-of-00002.bin",
574
+ "transformer.h.9.attn.c_proj.bias": "pytorch_model-00001-of-00002.bin",
575
+ "transformer.h.9.attn.c_proj.weight": "pytorch_model-00001-of-00002.bin",
576
+ "transformer.h.9.ln_1.bias": "pytorch_model-00001-of-00002.bin",
577
+ "transformer.h.9.ln_1.weight": "pytorch_model-00001-of-00002.bin",
578
+ "transformer.h.9.ln_2.bias": "pytorch_model-00001-of-00002.bin",
579
+ "transformer.h.9.ln_2.weight": "pytorch_model-00001-of-00002.bin",
580
+ "transformer.h.9.mlp.c_fc.bias": "pytorch_model-00001-of-00002.bin",
581
+ "transformer.h.9.mlp.c_fc.weight": "pytorch_model-00001-of-00002.bin",
582
+ "transformer.h.9.mlp.c_proj.bias": "pytorch_model-00001-of-00002.bin",
583
+ "transformer.h.9.mlp.c_proj.weight": "pytorch_model-00001-of-00002.bin",
584
+ "transformer.ln_f.bias": "pytorch_model-00002-of-00002.bin",
585
+ "transformer.ln_f.weight": "pytorch_model-00002-of-00002.bin",
586
+ "transformer.wpe.weight": "pytorch_model-00001-of-00002.bin",
587
+ "transformer.wte.weight": "pytorch_model-00001-of-00002.bin"
588
+ }
589
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,51 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<s>",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "cls_token": {
10
+ "content": "<s>",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "eos_token": {
17
+ "content": "</s>",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "mask_token": {
24
+ "content": "<unk>",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "pad_token": {
31
+ "content": "</s>",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ },
37
+ "sep_token": {
38
+ "content": "<s>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false
43
+ },
44
+ "unk_token": {
45
+ "content": "<unk>",
46
+ "lstrip": false,
47
+ "normalized": false,
48
+ "rstrip": false,
49
+ "single_word": false
50
+ }
51
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,41 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "<unk>",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "1": {
12
+ "content": "<s>",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "2": {
20
+ "content": "</s>",
21
+ "lstrip": false,
22
+ "normalized": false,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": true
26
+ }
27
+ },
28
+ "auto_map": {"AutoTokenizer":[null,"juman.JumanPreTrainedTokenizerFast"]},
29
+ "bos_token": "<s>",
30
+ "clean_up_tokenization_spaces": true,
31
+ "cls_token": "<s>",
32
+ "eos_token": "</s>",
33
+ "mask_token": "<unk>",
34
+ "model_max_length": 1024,
35
+ "pad_token": "</s>",
36
+ "padding_side": "right",
37
+ "sep_token": "<s>",
38
+ "tokenizer_class": "JumanPreTrainedTokenizerFast",
39
+ "truncation_side": "right",
40
+ "unk_token": "<unk>"
41
+ }
upos.py ADDED
@@ -0,0 +1,41 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from transformers import TokenClassificationPipeline
2
+
3
+ class BellmanFordTokenClassificationPipeline(TokenClassificationPipeline):
4
+ def __init__(self,**kwargs):
5
+ import numpy
6
+ super().__init__(**kwargs)
7
+ x=self.model.config.label2id
8
+ y=[k for k in x if not k.startswith("I-")]
9
+ self.transition=numpy.full((len(x),len(x)),numpy.nan)
10
+ for k,v in x.items():
11
+ for j in ["I-"+k[2:]] if k.startswith("B-") else [k]+y if k.startswith("I-") else y:
12
+ self.transition[v,x[j]]=0
13
+ def check_model_type(self,supported_models):
14
+ pass
15
+ def postprocess(self,model_outputs,**kwargs):
16
+ import numpy
17
+ if "logits" not in model_outputs:
18
+ return self.postprocess(model_outputs[0],**kwargs)
19
+ m=model_outputs["logits"][0].numpy()
20
+ e=numpy.exp(m-numpy.max(m,axis=-1,keepdims=True))
21
+ z=e/e.sum(axis=-1,keepdims=True)
22
+ for i in range(m.shape[0]-1,0,-1):
23
+ m[i-1]+=numpy.nanmax(m[i]+self.transition,axis=1)
24
+ k=[numpy.nanargmax(m[0]+self.transition[0])]
25
+ for i in range(1,m.shape[0]):
26
+ k.append(numpy.nanargmax(m[i]+self.transition[k[-1]]))
27
+ w=[{"entity":self.model.config.id2label[j],"start":s,"end":e,"score":z[i,j]} for i,((s,e),j) in enumerate(zip(model_outputs["offset_mapping"][0].tolist(),k)) if s<e]
28
+ if "aggregation_strategy" in kwargs and kwargs["aggregation_strategy"]!="none":
29
+ for i,t in reversed(list(enumerate(w))):
30
+ p=t.pop("entity")
31
+ if p.startswith("I-"):
32
+ w[i-1]["score"]=min(w[i-1]["score"],t["score"])
33
+ w[i-1]["end"]=w.pop(i)["end"]
34
+ elif p.startswith("B-"):
35
+ t["entity_group"]=p[2:]
36
+ else:
37
+ t["entity_group"]=p
38
+ for t in w:
39
+ t["text"]=model_outputs["sentence"][t["start"]:t["end"]]
40
+ return w
41
+