jaman21 commited on
Commit
fb21f4e
·
verified ·
1 Parent(s): 92dfb16

Upload model

Browse files
README.md ADDED
@@ -0,0 +1,155 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: cc-by-nc-4.0
3
+ ---
4
+
5
+ # SeamlessM4T-v2 T2TT Lite Model
6
+
7
+ Extracted from `facebook/seamless-m4t-v2-large`, containing only T2TT (Text-to-Text Translation) components.
8
+
9
+ > Original Model: [facebook/seamless-m4t-v2-large](https://huggingface.co/facebook/seamless-m4t-v2-large)
10
+ >
11
+ > Official Documentation: [SeamlessM4T-v2 Documentation](https://huggingface.co/docs/transformers/en/model_doc/seamless_m4t_v2)
12
+
13
+ Note: This package only reorganizes publicly available weights from Meta's original model for T2TT usage. No new training or fine-tuning is introduced. All rights of the model and weights belong to their original owner.
14
+
15
+ ## Supported Features
16
+
17
+ - **T2TT (Text-to-Text Translation)**: Multilingual text translation
18
+ - **96 Languages**: Supports text translation between 96 languages
19
+
20
+ ## Included Components
21
+
22
+ ### Model Weights
23
+ - `text_encoder`: Text encoder
24
+ - `text_decoder`: Text decoder
25
+ - `shared.weight`: Shared word embeddings
26
+ - `lang_embed`: Language embeddings
27
+
28
+ ## Model Size
29
+
30
+ - Original Model: ~8.6 GB
31
+ - Lite Model: ~5.1 GB
32
+ - Removed Weights: 1219 (speech_encoder, t2u_model, vocoder)
33
+ - Space Saved: ~3.5 GB
34
+
35
+ ## Usage Examples
36
+
37
+ ### 1. Basic T2TT: Text-to-Text Translation
38
+
39
+ ```python
40
+ from transformers import SeamlessM4Tv2Model, AutoProcessor
41
+
42
+ # Load model
43
+ model = SeamlessM4Tv2Model.from_pretrained("jaman21/seamless-m4t-v2-t2tt")
44
+ processor = AutoProcessor.from_pretrained("jaman21/seamless-m4t-v2-t2tt")
45
+
46
+ # Translate text
47
+ text_inputs = processor(text="Hello, how are you?", src_lang="eng", return_tensors="pt")
48
+ output_tokens = model.generate(**text_inputs, tgt_lang="fra", generate_speech=False)
49
+ translated_text = processor.decode(output_tokens[0].tolist()[0], skip_special_tokens=True)
50
+ print(translated_text) # "Bonjour, comment allez-vous?"
51
+ ```
52
+
53
+ ### 2. Advanced Generation Strategies
54
+
55
+ ```python
56
+ # Beam search for better quality (slower)
57
+ text_inputs = processor(text="The quick brown fox jumps", src_lang="eng", return_tensors="pt")
58
+ outputs = model.generate(
59
+ **text_inputs,
60
+ tgt_lang="jpn",
61
+ generate_speech=False,
62
+ num_beams=5, # Use beam search
63
+ max_new_tokens=256,
64
+ early_stopping=True
65
+ )
66
+
67
+ # Sampling for more diverse output
68
+ outputs = model.generate(
69
+ **text_inputs,
70
+ tgt_lang="kor",
71
+ generate_speech=False,
72
+ do_sample=True, # Enable sampling
73
+ top_k=50,
74
+ top_p=0.95,
75
+ temperature=0.8 # 0.0-1.0: lower is more deterministic, higher is more random (affects translation quality)
76
+ )
77
+ ```
78
+
79
+ ### 3. Batch Processing Multiple Texts
80
+
81
+ ```python
82
+ # Process multiple texts at once
83
+ texts = [
84
+ "Hello, how are you?",
85
+ "What is your name?",
86
+ "Nice to meet you!"
87
+ ]
88
+
89
+ text_inputs = processor(text=texts, src_lang="eng", return_tensors="pt", padding=True)
90
+ output_tokens = model.generate(**text_inputs, tgt_lang="ita", generate_speech=False)
91
+
92
+ # Decode all outputs
93
+ translations = processor.batch_decode(output_tokens, skip_special_tokens=True)
94
+ for orig, trans in zip(texts, translations):
95
+ print(f"{orig} -> {trans}")
96
+ ```
97
+
98
+ ### 4. Control Generation Length and Quality
99
+
100
+ ```python
101
+ text_inputs = processor(text="Translate this sentence", src_lang="eng", return_tensors="pt")
102
+
103
+ # Higher quality but more computationally expensive
104
+ high_quality_output = model.generate(
105
+ **text_inputs,
106
+ tgt_lang="rus",
107
+ generate_speech=False,
108
+ num_beams=5, # Beam search
109
+ max_new_tokens=512, # Allow longer output
110
+ length_penalty=1.0, # No length penalty
111
+ early_stopping=True,
112
+ use_cache=True # Accelerate generation
113
+ )
114
+
115
+ # Faster generation speed, acceptable quality
116
+ fast_output = model.generate(
117
+ **text_inputs,
118
+ tgt_lang="rus",
119
+ generate_speech=False,
120
+ num_beams=1, # Greedy decoding for better translation quality (slower)
121
+ max_new_tokens=256,
122
+ use_cache=True
123
+ )
124
+ ```
125
+
126
+ ### 5. GPU/CPU Usage
127
+
128
+ ```python
129
+ import torch
130
+
131
+ # Move model to GPU if available
132
+ device = "cuda" if torch.cuda.is_available() else "cpu"
133
+ model = model.to(device)
134
+
135
+ # Process inputs on the same device
136
+ text_inputs = processor(text="Hello", src_lang="eng", return_tensors="pt")
137
+ text_inputs = {k: v.to(device) for k, v in text_inputs.items()}
138
+
139
+ # Generate
140
+ with torch.inference_mode(): # More efficient than torch.no_grad()
141
+ outputs = model.generate(**text_inputs, tgt_lang="cmn", generate_speech=False)
142
+ ```
143
+
144
+ ## License
145
+
146
+ Same as the original model: **CC-BY-NC-4.0**
147
+
148
+ For commercial use, please refer to Meta's licensing terms.
149
+
150
+ ## References
151
+
152
+ - [SeamlessM4T-v2 Paper](https://arxiv.org/abs/2312.05187)
153
+ - [Official Model Card](https://huggingface.co/facebook/seamless-m4t-v2-large)
154
+ - [Transformers Documentation](https://huggingface.co/docs/transformers/en/model_doc/seamless_m4t_v2)
155
+ - [GitHub Repository](https://github.com/facebookresearch/seamless_communication)
added_tokens.json ADDED
@@ -0,0 +1,100 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__afr__": 256001,
3
+ "__amh__": 256002,
4
+ "__arb__": 256003,
5
+ "__ary__": 256004,
6
+ "__arz__": 256005,
7
+ "__asm__": 256006,
8
+ "__azj__": 256007,
9
+ "__bel__": 256008,
10
+ "__ben__": 256009,
11
+ "__bos__": 256010,
12
+ "__bul__": 256011,
13
+ "__cat__": 256012,
14
+ "__ceb__": 256013,
15
+ "__ces__": 256014,
16
+ "__ckb__": 256015,
17
+ "__cmn_Hant__": 256017,
18
+ "__cmn__": 256016,
19
+ "__cym__": 256018,
20
+ "__dan__": 256019,
21
+ "__deu__": 256020,
22
+ "__ell__": 256021,
23
+ "__eng__": 256022,
24
+ "__est__": 256023,
25
+ "__eus__": 256024,
26
+ "__fin__": 256025,
27
+ "__fra__": 256026,
28
+ "__fuv__": 256027,
29
+ "__gaz__": 256028,
30
+ "__gle__": 256029,
31
+ "__glg__": 256030,
32
+ "__guj__": 256031,
33
+ "__heb__": 256032,
34
+ "__hin__": 256033,
35
+ "__hrv__": 256034,
36
+ "__hun__": 256035,
37
+ "__hye__": 256036,
38
+ "__ibo__": 256037,
39
+ "__ind__": 256038,
40
+ "__isl__": 256039,
41
+ "__ita__": 256040,
42
+ "__jav__": 256041,
43
+ "__jpn__": 256042,
44
+ "__kan__": 256043,
45
+ "__kat__": 256044,
46
+ "__kaz__": 256045,
47
+ "__khk__": 256046,
48
+ "__khm__": 256047,
49
+ "__kir__": 256048,
50
+ "__kor__": 256049,
51
+ "__lao__": 256050,
52
+ "__lit__": 256051,
53
+ "__lug__": 256052,
54
+ "__luo__": 256053,
55
+ "__lvs__": 256054,
56
+ "__mai__": 256055,
57
+ "__mal__": 256056,
58
+ "__mar__": 256057,
59
+ "__mkd__": 256058,
60
+ "__mlt__": 256059,
61
+ "__mni__": 256060,
62
+ "__mya__": 256061,
63
+ "__nld__": 256062,
64
+ "__nno__": 256063,
65
+ "__nob__": 256064,
66
+ "__npi__": 256065,
67
+ "__nya__": 256066,
68
+ "__ory__": 256067,
69
+ "__pan__": 256068,
70
+ "__pbt__": 256069,
71
+ "__pes__": 256070,
72
+ "__pol__": 256071,
73
+ "__por__": 256072,
74
+ "__ron__": 256073,
75
+ "__rus__": 256074,
76
+ "__sat__": 256075,
77
+ "__slk__": 256076,
78
+ "__slv__": 256077,
79
+ "__sna__": 256078,
80
+ "__snd__": 256079,
81
+ "__som__": 256080,
82
+ "__spa__": 256081,
83
+ "__srp__": 256082,
84
+ "__swe__": 256083,
85
+ "__swh__": 256084,
86
+ "__tam__": 256085,
87
+ "__tel__": 256086,
88
+ "__tgk__": 256087,
89
+ "__tgl__": 256088,
90
+ "__tha__": 256089,
91
+ "__tur__": 256090,
92
+ "__ukr__": 256091,
93
+ "__urd__": 256092,
94
+ "__uzn__": 256093,
95
+ "__vie__": 256094,
96
+ "__yor__": 256095,
97
+ "__yue__": 256096,
98
+ "__zlm__": 256097,
99
+ "__zul__": 256098
100
+ }
config.json ADDED
@@ -0,0 +1,91 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "activation_dropout": 0.0,
3
+ "activation_function": "relu",
4
+ "adaptor_dropout": 0.1,
5
+ "adaptor_kernel_size": 8,
6
+ "adaptor_stride": 8,
7
+ "add_adapter": true,
8
+ "architectures": [
9
+ "SeamlessM4Tv2Model"
10
+ ],
11
+ "attention_dropout": 0.1,
12
+ "bos_token_id": 2,
13
+ "char_vocab_size": 10943,
14
+ "conv_depthwise_kernel_size": 31,
15
+ "decoder_attention_heads": 16,
16
+ "decoder_ffn_dim": 8192,
17
+ "decoder_layerdrop": 0.05,
18
+ "decoder_layers": 24,
19
+ "decoder_start_token_id": 3,
20
+ "dropout": 0.1,
21
+ "encoder_attention_heads": 16,
22
+ "encoder_ffn_dim": 8192,
23
+ "encoder_layerdrop": 0.05,
24
+ "encoder_layers": 24,
25
+ "eos_token_id": 3,
26
+ "feature_projection_input_dim": 160,
27
+ "hidden_size": 1024,
28
+ "initializer_range": 0.02,
29
+ "is_encoder_decoder": true,
30
+ "lang_embed_dim": 256,
31
+ "layer_norm_eps": 1e-05,
32
+ "leaky_relu_slope": 0.1,
33
+ "left_max_position_embeddings": 64,
34
+ "max_new_tokens": 256,
35
+ "max_position_embeddings": 4096,
36
+ "model_type": "seamless_m4t_v2",
37
+ "num_adapter_layers": 1,
38
+ "num_attention_heads": 16,
39
+ "num_hidden_layers": 24,
40
+ "pad_token_id": 0,
41
+ "position_embeddings_type": "relative_key",
42
+ "resblock_dilation_sizes": [
43
+ [
44
+ 1,
45
+ 3,
46
+ 5
47
+ ],
48
+ [
49
+ 1,
50
+ 3,
51
+ 5
52
+ ],
53
+ [
54
+ 1,
55
+ 3,
56
+ 5
57
+ ]
58
+ ],
59
+ "resblock_kernel_sizes": [
60
+ 3,
61
+ 7,
62
+ 11
63
+ ],
64
+ "right_max_position_embeddings": 8,
65
+ "sampling_rate": 16000,
66
+ "scale_embedding": true,
67
+ "spkr_embed_dim": 256,
68
+ "torch_dtype": "float32",
69
+ "transformers_version": "4.36.0.dev0",
70
+ "unit_embed_dim": 1280,
71
+ "unit_hifi_gan_vocab_size": 10000,
72
+ "upsample_initial_channel": 512,
73
+ "upsample_kernel_sizes": [
74
+ 11,
75
+ 8,
76
+ 8,
77
+ 4,
78
+ 4
79
+ ],
80
+ "upsample_rates": [
81
+ 5,
82
+ 4,
83
+ 4,
84
+ 2,
85
+ 2
86
+ ],
87
+ "use_cache": true,
88
+ "var_pred_dropout": 0.5,
89
+ "variance_predictor_kernel_size": 3,
90
+ "vocab_size": 256102
91
+ }
generation_config.json ADDED
The diff for this file is too large to render. See raw diff
 
model-00001-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e613ef5f42064d4d02e0aff843abe52799b7d9e2812da03cc3368e0e8b7c61f1
3
+ size 1490250264
model-00002-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8399188880128295781ba474a1fa74baa001ffa3865e747d20289cfb9f8c2870
3
+ size 2144776632
model-00003-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7a9dfbc955e504c18baa08623913a88bb325b0d2db5d9c91282abf9ef759cc49
3
+ size 1847220640
model.safetensors.index.json ADDED
@@ -0,0 +1,1020 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "metadata": {
3
+ "total_size": 5482127360
4
+ },
5
+ "weight_map": {
6
+ "text_encoder.layers.12.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
7
+ "text_decoder.layers.2.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
8
+ "text_decoder.layers.3.cross_attention.k_proj.bias": "model-00001-of-00003.safetensors",
9
+ "text_encoder.layers.14.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
10
+ "text_decoder.layers.2.cross_attention.k_proj.bias": "model-00001-of-00003.safetensors",
11
+ "text_encoder.layers.17.ffn.fc1.bias": "model-00001-of-00003.safetensors",
12
+ "text_encoder.layers.18.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
13
+ "text_encoder.layers.2.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
14
+ "text_encoder.layers.7.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
15
+ "text_decoder.layers.20.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
16
+ "text_decoder.layers.22.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
17
+ "text_encoder.layers.22.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
18
+ "text_encoder.layers.17.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
19
+ "text_decoder.layers.20.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
20
+ "text_encoder.layers.16.ffn.fc1.weight": "model-00001-of-00003.safetensors",
21
+ "text_encoder.layers.13.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
22
+ "text_decoder.layers.6.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
23
+ "text_decoder.layers.20.cross_attention_layer_norm.bias": "model-00001-of-00003.safetensors",
24
+ "text_decoder.layers.4.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
25
+ "text_encoder.layers.21.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
26
+ "text_decoder.layers.0.cross_attention.k_proj.weight": "model-00001-of-00003.safetensors",
27
+ "text_encoder.layers.15.ffn.fc2.weight": "model-00001-of-00003.safetensors",
28
+ "text_encoder.layers.10.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
29
+ "text_decoder.layers.5.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
30
+ "text_decoder.layers.22.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
31
+ "text_encoder.layers.22.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
32
+ "text_encoder.layers.10.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
33
+ "text_encoder.layers.0.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
34
+ "text_decoder.layers.10.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
35
+ "text_decoder.layers.2.ffn.fc2.weight": "model-00001-of-00003.safetensors",
36
+ "text_decoder.layers.8.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
37
+ "text_decoder.layers.5.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
38
+ "text_encoder.layers.19.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
39
+ "text_encoder.layers.15.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
40
+ "text_decoder.layers.7.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
41
+ "text_encoder.layers.2.ffn.fc1.weight": "model-00001-of-00003.safetensors",
42
+ "text_encoder.layers.3.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
43
+ "text_encoder.layers.18.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
44
+ "text_decoder.layers.19.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
45
+ "text_encoder.layers.14.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
46
+ "text_decoder.layers.14.ffn.fc2.weight": "model-00001-of-00003.safetensors",
47
+ "text_encoder.layers.12.ffn.fc2.weight": "model-00001-of-00003.safetensors",
48
+ "text_encoder.layers.9.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
49
+ "text_encoder.layers.6.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
50
+ "text_decoder.layers.0.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
51
+ "text_decoder.layers.17.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
52
+ "text_decoder.layers.3.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
53
+ "text_decoder.layers.6.cross_attention_layer_norm.weight": "model-00001-of-00003.safetensors",
54
+ "text_decoder.layers.12.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
55
+ "text_decoder.layers.8.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
56
+ "text_decoder.layers.23.cross_attention.k_proj.bias": "model-00001-of-00003.safetensors",
57
+ "text_decoder.layers.12.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
58
+ "text_decoder.layers.1.ffn.fc2.bias": "model-00001-of-00003.safetensors",
59
+ "text_decoder.layers.7.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
60
+ "text_decoder.layers.1.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
61
+ "text_decoder.layers.18.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
62
+ "text_encoder.layers.15.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
63
+ "text_decoder.layers.14.cross_attention_layer_norm.bias": "model-00001-of-00003.safetensors",
64
+ "text_decoder.layers.1.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
65
+ "text_encoder.layers.11.ffn.fc1.weight": "model-00001-of-00003.safetensors",
66
+ "text_encoder.layers.2.ffn.fc1.bias": "model-00001-of-00003.safetensors",
67
+ "text_encoder.layers.5.ffn.fc1.bias": "model-00001-of-00003.safetensors",
68
+ "text_decoder.layers.11.cross_attention_layer_norm.bias": "model-00001-of-00003.safetensors",
69
+ "text_decoder.layers.7.cross_attention_layer_norm.weight": "model-00001-of-00003.safetensors",
70
+ "text_encoder.layers.16.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
71
+ "text_decoder.layers.15.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
72
+ "text_decoder.layers.19.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
73
+ "text_encoder.layers.4.ffn.fc2.bias": "model-00001-of-00003.safetensors",
74
+ "text_decoder.layers.3.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
75
+ "text_decoder.layers.4.cross_attention.out_proj.weight": "model-00001-of-00003.safetensors",
76
+ "text_decoder.layers.20.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
77
+ "text_encoder.layers.18.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
78
+ "text_encoder.layers.20.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
79
+ "text_encoder.layers.21.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
80
+ "text_decoder.layers.1.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
81
+ "text_decoder.layers.17.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
82
+ "text_decoder.layers.2.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
83
+ "text_decoder.layers.6.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
84
+ "text_encoder.layers.4.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
85
+ "text_decoder.layers.9.cross_attention_layer_norm.weight": "model-00001-of-00003.safetensors",
86
+ "text_decoder.layers.2.cross_attention_layer_norm.weight": "model-00001-of-00003.safetensors",
87
+ "text_decoder.layers.4.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
88
+ "text_encoder.layer_norm.weight": "model-00001-of-00003.safetensors",
89
+ "text_encoder.layers.12.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
90
+ "text_encoder.layers.22.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
91
+ "text_decoder.layers.20.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
92
+ "text_decoder.layers.6.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
93
+ "text_encoder.layers.9.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
94
+ "text_decoder.layers.11.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
95
+ "text_encoder.layers.3.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
96
+ "text_decoder.layers.15.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
97
+ "text_decoder.layers.7.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
98
+ "text_decoder.layers.12.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
99
+ "text_encoder.layers.4.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
100
+ "text_decoder.layers.13.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
101
+ "text_encoder.layers.17.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
102
+ "text_encoder.layers.16.ffn.fc2.bias": "model-00001-of-00003.safetensors",
103
+ "text_encoder.layers.7.ffn.fc2.weight": "model-00001-of-00003.safetensors",
104
+ "text_encoder.layers.9.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
105
+ "text_decoder.layers.3.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
106
+ "text_decoder.layers.20.ffn.fc1.weight": "model-00001-of-00003.safetensors",
107
+ "text_decoder.layers.5.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
108
+ "text_decoder.layers.12.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
109
+ "text_encoder.layers.20.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
110
+ "text_encoder.layers.0.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
111
+ "text_decoder.layers.8.ffn.fc2.weight": "model-00001-of-00003.safetensors",
112
+ "text_encoder.layers.15.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
113
+ "text_decoder.layers.4.cross_attention.v_proj.bias": "model-00001-of-00003.safetensors",
114
+ "text_decoder.layers.8.cross_attention_layer_norm.bias": "model-00001-of-00003.safetensors",
115
+ "text_decoder.layers.13.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
116
+ "text_decoder.layers.13.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
117
+ "text_decoder.layers.15.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
118
+ "text_encoder.layers.21.ffn.fc1.bias": "model-00001-of-00003.safetensors",
119
+ "text_encoder.layers.6.ffn.fc1.weight": "model-00001-of-00003.safetensors",
120
+ "text_encoder.layers.20.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
121
+ "text_decoder.layers.7.ffn.fc1.weight": "model-00001-of-00003.safetensors",
122
+ "text_decoder.layers.1.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
123
+ "text_decoder.layers.15.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
124
+ "text_decoder.layers.5.ffn.fc2.weight": "model-00001-of-00003.safetensors",
125
+ "text_decoder.layers.18.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
126
+ "text_decoder.layers.5.ffn.fc1.weight": "model-00001-of-00003.safetensors",
127
+ "text_encoder.layers.20.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
128
+ "text_encoder.layers.16.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
129
+ "text_decoder.layers.10.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
130
+ "text_decoder.layers.14.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
131
+ "text_encoder.layers.7.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
132
+ "text_decoder.layers.15.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
133
+ "text_decoder.layers.21.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
134
+ "text_decoder.layers.3.ffn.fc2.bias": "model-00001-of-00003.safetensors",
135
+ "text_encoder.layers.15.ffn.fc1.bias": "model-00001-of-00003.safetensors",
136
+ "text_encoder.layers.16.ffn.fc2.weight": "model-00001-of-00003.safetensors",
137
+ "text_encoder.layers.15.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
138
+ "text_encoder.layers.19.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
139
+ "text_encoder.layers.6.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
140
+ "text_decoder.layers.10.cross_attention.v_proj.weight": "model-00001-of-00003.safetensors",
141
+ "text_encoder.layers.5.ffn.fc1.weight": "model-00001-of-00003.safetensors",
142
+ "text_encoder.layers.18.ffn.fc2.weight": "model-00001-of-00003.safetensors",
143
+ "text_decoder.layers.6.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
144
+ "text_decoder.layers.20.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
145
+ "text_encoder.layers.4.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
146
+ "text_encoder.layers.5.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
147
+ "text_decoder.layers.18.cross_attention.v_proj.bias": "model-00001-of-00003.safetensors",
148
+ "text_decoder.layers.4.cross_attention_layer_norm.weight": "model-00001-of-00003.safetensors",
149
+ "text_decoder.layers.17.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
150
+ "text_encoder.layer_norm.bias": "model-00001-of-00003.safetensors",
151
+ "text_encoder.layers.15.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
152
+ "text_decoder.layers.8.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
153
+ "text_encoder.layers.22.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
154
+ "text_encoder.layers.4.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
155
+ "text_encoder.layers.19.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
156
+ "text_decoder.layers.1.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
157
+ "text_decoder.layers.12.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
158
+ "text_encoder.layers.11.ffn.fc2.bias": "model-00001-of-00003.safetensors",
159
+ "text_decoder.layers.17.ffn.fc1.weight": "model-00001-of-00003.safetensors",
160
+ "text_decoder.layers.5.ffn.fc1.bias": "model-00001-of-00003.safetensors",
161
+ "text_decoder.layers.9.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
162
+ "text_encoder.layers.1.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
163
+ "text_encoder.layers.22.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
164
+ "text_encoder.layers.5.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
165
+ "text_decoder.layers.2.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
166
+ "text_encoder.layers.0.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
167
+ "text_decoder.layers.16.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
168
+ "text_decoder.layers.17.ffn.fc2.weight": "model-00001-of-00003.safetensors",
169
+ "text_encoder.layers.10.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
170
+ "text_encoder.layers.8.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
171
+ "text_decoder.layers.14.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
172
+ "text_encoder.layers.11.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
173
+ "text_decoder.layers.16.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
174
+ "text_decoder.layers.20.cross_attention.out_proj.weight": "model-00001-of-00003.safetensors",
175
+ "text_encoder.layers.5.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
176
+ "text_encoder.layers.14.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
177
+ "text_encoder.layers.21.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
178
+ "text_encoder.layers.6.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
179
+ "text_decoder.layers.19.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
180
+ "text_encoder.layers.0.ffn.fc1.bias": "model-00001-of-00003.safetensors",
181
+ "text_encoder.layers.14.ffn.fc2.weight": "model-00001-of-00003.safetensors",
182
+ "text_encoder.layers.9.ffn.fc1.weight": "model-00001-of-00003.safetensors",
183
+ "text_decoder.layers.15.cross_attention_layer_norm.bias": "model-00001-of-00003.safetensors",
184
+ "text_decoder.layers.17.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
185
+ "text_decoder.layers.7.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
186
+ "text_encoder.layers.13.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
187
+ "text_encoder.layers.8.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
188
+ "text_decoder.layers.16.cross_attention_layer_norm.bias": "model-00001-of-00003.safetensors",
189
+ "text_decoder.layers.19.cross_attention.v_proj.bias": "model-00001-of-00003.safetensors",
190
+ "text_encoder.layers.14.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
191
+ "text_decoder.layers.8.ffn.fc1.weight": "model-00001-of-00003.safetensors",
192
+ "text_encoder.layers.10.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
193
+ "text_decoder.layers.1.ffn.fc1.bias": "model-00001-of-00003.safetensors",
194
+ "text_decoder.layers.18.ffn.fc1.weight": "model-00001-of-00003.safetensors",
195
+ "text_decoder.layers.0.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
196
+ "text_decoder.layers.14.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
197
+ "text_encoder.layers.3.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
198
+ "text_decoder.layers.23.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
199
+ "text_encoder.layers.14.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
200
+ "text_encoder.layers.6.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
201
+ "text_decoder.layers.4.ffn.fc1.weight": "model-00001-of-00003.safetensors",
202
+ "text_decoder.layers.21.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
203
+ "text_encoder.layers.8.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
204
+ "text_encoder.layers.5.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
205
+ "text_decoder.layers.20.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
206
+ "text_decoder.layers.23.cross_attention.v_proj.bias": "model-00001-of-00003.safetensors",
207
+ "text_decoder.layers.7.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
208
+ "text_decoder.layers.7.ffn.fc1.bias": "model-00001-of-00003.safetensors",
209
+ "text_decoder.layers.9.ffn.fc2.bias": "model-00001-of-00003.safetensors",
210
+ "text_encoder.layers.10.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
211
+ "text_encoder.layers.10.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
212
+ "text_encoder.layers.16.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
213
+ "text_decoder.layers.15.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
214
+ "text_decoder.layers.21.cross_attention_layer_norm.bias": "model-00001-of-00003.safetensors",
215
+ "text_decoder.layers.6.cross_attention.k_proj.bias": "model-00001-of-00003.safetensors",
216
+ "text_decoder.layers.7.cross_attention.v_proj.weight": "model-00001-of-00003.safetensors",
217
+ "text_encoder.layers.23.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
218
+ "text_encoder.layers.6.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
219
+ "text_decoder.layers.17.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
220
+ "text_decoder.layers.18.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
221
+ "text_encoder.layers.2.ffn.fc2.weight": "model-00001-of-00003.safetensors",
222
+ "text_decoder.layers.18.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
223
+ "text_decoder.layers.7.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
224
+ "text_decoder.layers.3.cross_attention.out_proj.weight": "model-00001-of-00003.safetensors",
225
+ "text_decoder.layers.20.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
226
+ "text_decoder.layers.4.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
227
+ "text_encoder.layers.4.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
228
+ "text_encoder.layers.18.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
229
+ "text_decoder.layers.13.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
230
+ "text_decoder.layers.11.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
231
+ "text_encoder.layers.20.ffn.fc1.weight": "model-00001-of-00003.safetensors",
232
+ "text_decoder.layers.6.cross_attention.k_proj.weight": "model-00001-of-00003.safetensors",
233
+ "text_decoder.layers.8.cross_attention.v_proj.bias": "model-00001-of-00003.safetensors",
234
+ "text_decoder.layers.0.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
235
+ "text_decoder.layers.9.cross_attention.v_proj.weight": "model-00001-of-00003.safetensors",
236
+ "text_encoder.layers.3.ffn.fc1.bias": "model-00001-of-00003.safetensors",
237
+ "text_encoder.layers.3.ffn.fc2.weight": "model-00001-of-00003.safetensors",
238
+ "text_decoder.layers.0.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
239
+ "text_encoder.layers.19.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
240
+ "text_decoder.layers.15.ffn.fc2.bias": "model-00001-of-00003.safetensors",
241
+ "text_decoder.layers.6.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
242
+ "text_encoder.layers.18.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
243
+ "text_decoder.layers.12.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
244
+ "text_encoder.layers.0.ffn.fc1.weight": "model-00001-of-00003.safetensors",
245
+ "text_encoder.layers.22.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
246
+ "text_encoder.layers.8.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
247
+ "text_encoder.layers.6.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
248
+ "text_decoder.layers.8.cross_attention.v_proj.weight": "model-00001-of-00003.safetensors",
249
+ "text_decoder.layers.23.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
250
+ "text_decoder.layers.2.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
251
+ "text_encoder.layers.5.ffn.fc2.weight": "model-00001-of-00003.safetensors",
252
+ "text_encoder.layers.11.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
253
+ "text_encoder.layers.12.ffn.fc2.bias": "model-00001-of-00003.safetensors",
254
+ "text_decoder.layers.11.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
255
+ "text_decoder.layers.16.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
256
+ "text_decoder.layers.0.ffn.fc2.bias": "model-00001-of-00003.safetensors",
257
+ "text_decoder.layers.5.cross_attention.k_proj.weight": "model-00001-of-00003.safetensors",
258
+ "text_decoder.layers.7.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
259
+ "text_decoder.layers.19.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
260
+ "text_decoder.layers.0.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
261
+ "text_decoder.layers.11.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
262
+ "text_decoder.layers.17.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
263
+ "text_encoder.layers.2.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
264
+ "text_decoder.layers.10.cross_attention.v_proj.bias": "model-00001-of-00003.safetensors",
265
+ "text_encoder.layers.2.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
266
+ "text_decoder.layers.23.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
267
+ "text_decoder.layers.13.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
268
+ "text_decoder.layers.17.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
269
+ "text_decoder.layers.10.cross_attention.out_proj.weight": "model-00001-of-00003.safetensors",
270
+ "text_encoder.layers.12.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
271
+ "text_encoder.layers.20.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
272
+ "text_decoder.layers.5.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
273
+ "text_decoder.layers.13.cross_attention.v_proj.weight": "model-00001-of-00003.safetensors",
274
+ "text_decoder.layers.12.cross_attention.v_proj.weight": "model-00001-of-00003.safetensors",
275
+ "text_decoder.layers.6.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
276
+ "text_encoder.layers.1.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
277
+ "text_encoder.layers.6.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
278
+ "text_decoder.layers.3.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
279
+ "text_encoder.layers.10.self_attn.out_proj.bias": "model-00001-of-00003.safetensors",
280
+ "text_decoder.layers.7.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
281
+ "text_decoder.layers.11.ffn.fc1.bias": "model-00001-of-00003.safetensors",
282
+ "text_encoder.layers.19.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
283
+ "text_encoder.layers.7.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
284
+ "text_decoder.layers.9.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
285
+ "text_decoder.layers.10.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
286
+ "text_decoder.layers.12.ffn.fc1.weight": "model-00001-of-00003.safetensors",
287
+ "text_decoder.layers.17.cross_attention.q_proj.weight": "model-00001-of-00003.safetensors",
288
+ "text_decoder.layers.22.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
289
+ "text_decoder.layers.9.cross_attention.k_proj.bias": "model-00001-of-00003.safetensors",
290
+ "text_decoder.layers.9.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
291
+ "text_encoder.layers.19.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
292
+ "text_encoder.layers.5.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
293
+ "text_decoder.layers.7.cross_attention_layer_norm.bias": "model-00001-of-00003.safetensors",
294
+ "text_encoder.layers.13.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
295
+ "text_decoder.layers.1.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
296
+ "text_encoder.layers.23.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
297
+ "text_decoder.layers.12.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
298
+ "text_encoder.layers.20.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
299
+ "text_decoder.layers.16.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
300
+ "text_encoder.layers.21.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
301
+ "text_encoder.layers.18.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
302
+ "text_encoder.layers.23.ffn.fc2.weight": "model-00001-of-00003.safetensors",
303
+ "text_encoder.layers.21.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
304
+ "text_decoder.layers.22.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
305
+ "text_decoder.layers.0.ffn.fc1.weight": "model-00001-of-00003.safetensors",
306
+ "text_decoder.layers.14.ffn.fc1.weight": "model-00001-of-00003.safetensors",
307
+ "text_decoder.layers.4.cross_attention.k_proj.weight": "model-00001-of-00003.safetensors",
308
+ "text_encoder.layers.2.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
309
+ "text_decoder.layers.7.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
310
+ "text_encoder.layers.4.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
311
+ "text_decoder.layers.22.cross_attention.v_proj.weight": "model-00001-of-00003.safetensors",
312
+ "text_decoder.layers.1.cross_attention.out_proj.bias": "model-00001-of-00003.safetensors",
313
+ "text_decoder.layers.13.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
314
+ "text_decoder.layers.10.cross_attention_layer_norm.weight": "model-00001-of-00003.safetensors",
315
+ "text_encoder.layers.23.ffn.fc1.bias": "model-00001-of-00003.safetensors",
316
+ "text_decoder.layers.3.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
317
+ "text_encoder.layers.0.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
318
+ "text_encoder.layers.1.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
319
+ "text_encoder.layers.19.ffn.fc1.bias": "model-00001-of-00003.safetensors",
320
+ "text_decoder.layers.4.self_attn_layer_norm.bias": "model-00001-of-00003.safetensors",
321
+ "text_decoder.layers.6.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
322
+ "text_decoder.layers.10.cross_attention.k_proj.bias": "model-00001-of-00003.safetensors",
323
+ "text_encoder.layers.18.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
324
+ "text_decoder.layers.15.cross_attention.k_proj.bias": "model-00001-of-00003.safetensors",
325
+ "text_decoder.layers.22.self_attn_layer_norm.weight": "model-00001-of-00003.safetensors",
326
+ "text_encoder.layers.15.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
327
+ "text_decoder.layers.14.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
328
+ "text_decoder.layers.19.cross_attention.q_proj.bias": "model-00001-of-00003.safetensors",
329
+ "text_decoder.layers.23.cross_attention.out_proj.weight": "model-00001-of-00003.safetensors",
330
+ "text_decoder.layers.5.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
331
+ "text_encoder.layers.1.self_attn.out_proj.weight": "model-00001-of-00003.safetensors",
332
+ "text_decoder.layers.19.ffn_layer_norm.weight": "model-00001-of-00003.safetensors",
333
+ "text_decoder.layers.9.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
334
+ "text_decoder.layers.2.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
335
+ "text_encoder.layers.23.ffn_layer_norm.bias": "model-00001-of-00003.safetensors",
336
+ "text_encoder.layers.6.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
337
+ "text_decoder.layers.0.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
338
+ "text_decoder.layers.21.cross_attention.v_proj.bias": "model-00001-of-00003.safetensors",
339
+ "text_decoder.layers.21.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
340
+ "shared.weight": "model-00002-of-00003.safetensors",
341
+ "text_decoder.layers.9.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
342
+ "text_decoder.layers.19.ffn.fc2.bias": "model-00002-of-00003.safetensors",
343
+ "text_encoder.layers.12.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
344
+ "text_decoder.layers.11.cross_attention.k_proj.bias": "model-00002-of-00003.safetensors",
345
+ "text_decoder.layers.10.ffn.fc2.weight": "model-00002-of-00003.safetensors",
346
+ "text_decoder.layers.18.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
347
+ "text_encoder.layers.13.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
348
+ "text_decoder.layers.19.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
349
+ "text_decoder.layers.3.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
350
+ "text_decoder.layers.21.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
351
+ "text_encoder.layers.4.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
352
+ "text_decoder.layers.12.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
353
+ "text_encoder.layers.10.ffn.fc2.bias": "model-00002-of-00003.safetensors",
354
+ "text_decoder.layers.11.cross_attention_layer_norm.weight": "model-00002-of-00003.safetensors",
355
+ "text_decoder.layers.9.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
356
+ "text_encoder.layers.17.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
357
+ "text_decoder.layers.14.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
358
+ "text_decoder.layers.3.cross_attention.q_proj.bias": "model-00002-of-00003.safetensors",
359
+ "text_encoder.layers.16.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
360
+ "text_encoder.layers.21.ffn.fc1.weight": "model-00002-of-00003.safetensors",
361
+ "text_decoder.layers.0.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
362
+ "text_decoder.layers.11.cross_attention.v_proj.bias": "model-00002-of-00003.safetensors",
363
+ "text_encoder.layers.8.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
364
+ "text_decoder.layers.15.cross_attention.v_proj.weight": "model-00002-of-00003.safetensors",
365
+ "text_decoder.layers.16.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
366
+ "text_decoder.layers.5.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
367
+ "text_decoder.layers.23.ffn.fc1.bias": "model-00002-of-00003.safetensors",
368
+ "text_encoder.layers.6.ffn.fc1.bias": "model-00002-of-00003.safetensors",
369
+ "text_decoder.layers.10.cross_attention.k_proj.weight": "model-00002-of-00003.safetensors",
370
+ "text_encoder.layers.21.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
371
+ "text_encoder.layers.12.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
372
+ "text_encoder.layers.5.ffn.fc2.bias": "model-00002-of-00003.safetensors",
373
+ "text_decoder.layers.23.ffn.fc2.weight": "model-00002-of-00003.safetensors",
374
+ "text_decoder.layers.17.cross_attention.v_proj.bias": "model-00002-of-00003.safetensors",
375
+ "text_decoder.layers.13.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
376
+ "text_decoder.layers.1.ffn.fc2.weight": "model-00002-of-00003.safetensors",
377
+ "text_decoder.layers.16.ffn.fc1.bias": "model-00002-of-00003.safetensors",
378
+ "text_decoder.layers.8.cross_attention_layer_norm.weight": "model-00002-of-00003.safetensors",
379
+ "text_encoder.layers.6.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
380
+ "text_decoder.layers.1.cross_attention.k_proj.bias": "model-00002-of-00003.safetensors",
381
+ "text_decoder.layers.11.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
382
+ "text_decoder.layers.11.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
383
+ "text_decoder.layers.8.cross_attention.q_proj.weight": "model-00002-of-00003.safetensors",
384
+ "text_decoder.layers.23.ffn_layer_norm.weight": "model-00002-of-00003.safetensors",
385
+ "text_decoder.layers.4.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
386
+ "text_decoder.layers.5.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
387
+ "text_decoder.layers.23.cross_attention_layer_norm.weight": "model-00002-of-00003.safetensors",
388
+ "text_encoder.layers.20.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
389
+ "text_decoder.layers.22.cross_attention.k_proj.weight": "model-00002-of-00003.safetensors",
390
+ "text_encoder.layers.19.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
391
+ "text_decoder.layers.0.ffn.fc1.bias": "model-00002-of-00003.safetensors",
392
+ "text_decoder.layers.18.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
393
+ "text_decoder.layers.0.cross_attention.q_proj.bias": "model-00002-of-00003.safetensors",
394
+ "text_decoder.layers.23.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
395
+ "text_encoder.layers.4.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
396
+ "text_encoder.layers.10.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
397
+ "text_decoder.layers.10.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
398
+ "text_decoder.layers.12.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
399
+ "text_decoder.layers.20.cross_attention.k_proj.weight": "model-00002-of-00003.safetensors",
400
+ "text_decoder.layers.9.cross_attention_layer_norm.bias": "model-00002-of-00003.safetensors",
401
+ "text_decoder.layers.22.cross_attention.q_proj.bias": "model-00002-of-00003.safetensors",
402
+ "text_decoder.layers.20.cross_attention.v_proj.weight": "model-00002-of-00003.safetensors",
403
+ "text_encoder.layers.20.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
404
+ "text_encoder.layers.4.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
405
+ "text_decoder.layers.16.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
406
+ "text_encoder.layers.5.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
407
+ "text_decoder.layers.17.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
408
+ "text_decoder.layers.12.cross_attention.q_proj.bias": "model-00002-of-00003.safetensors",
409
+ "text_encoder.layers.5.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
410
+ "text_decoder.layers.15.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
411
+ "text_decoder.layers.6.ffn.fc1.weight": "model-00002-of-00003.safetensors",
412
+ "text_encoder.layers.8.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
413
+ "text_encoder.layers.8.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
414
+ "text_decoder.layers.6.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
415
+ "text_decoder.layers.0.cross_attention_layer_norm.weight": "model-00002-of-00003.safetensors",
416
+ "text_decoder.layers.16.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
417
+ "text_decoder.layers.10.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
418
+ "text_encoder.layers.15.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
419
+ "text_encoder.layers.1.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
420
+ "text_decoder.layers.1.ffn.fc1.weight": "model-00002-of-00003.safetensors",
421
+ "text_decoder.layers.1.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
422
+ "text_decoder.layers.10.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
423
+ "text_encoder.layers.3.ffn.fc2.bias": "model-00002-of-00003.safetensors",
424
+ "text_decoder.layers.14.cross_attention.q_proj.weight": "model-00002-of-00003.safetensors",
425
+ "text_decoder.layers.16.cross_attention.q_proj.bias": "model-00002-of-00003.safetensors",
426
+ "text_decoder.layers.18.ffn.fc2.weight": "model-00002-of-00003.safetensors",
427
+ "text_decoder.layers.2.ffn.fc1.weight": "model-00002-of-00003.safetensors",
428
+ "text_encoder.layers.7.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
429
+ "text_decoder.layers.1.cross_attention_layer_norm.bias": "model-00002-of-00003.safetensors",
430
+ "text_encoder.layers.3.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
431
+ "text_decoder.layers.22.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
432
+ "text_decoder.layers.3.cross_attention.v_proj.weight": "model-00002-of-00003.safetensors",
433
+ "text_decoder.layers.9.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
434
+ "text_decoder.layers.18.ffn.fc2.bias": "model-00002-of-00003.safetensors",
435
+ "text_encoder.layers.17.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
436
+ "text_encoder.layers.18.ffn.fc1.bias": "model-00002-of-00003.safetensors",
437
+ "text_encoder.layers.7.ffn_layer_norm.weight": "model-00002-of-00003.safetensors",
438
+ "text_decoder.layers.18.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
439
+ "text_encoder.layers.19.ffn.fc1.weight": "model-00002-of-00003.safetensors",
440
+ "text_decoder.layers.11.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
441
+ "text_decoder.layers.19.cross_attention.v_proj.weight": "model-00002-of-00003.safetensors",
442
+ "text_encoder.layers.14.ffn.fc2.bias": "model-00002-of-00003.safetensors",
443
+ "text_encoder.layers.1.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
444
+ "text_encoder.layers.19.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
445
+ "text_decoder.layers.2.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
446
+ "text_decoder.layers.20.cross_attention.v_proj.bias": "model-00002-of-00003.safetensors",
447
+ "text_decoder.layers.5.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
448
+ "text_decoder.layers.6.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
449
+ "text_decoder.layers.4.cross_attention.v_proj.weight": "model-00002-of-00003.safetensors",
450
+ "text_decoder.layers.21.cross_attention.k_proj.bias": "model-00002-of-00003.safetensors",
451
+ "text_decoder.layers.0.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
452
+ "text_decoder.layers.2.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
453
+ "text_decoder.layers.16.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
454
+ "text_encoder.layers.18.ffn.fc1.weight": "model-00002-of-00003.safetensors",
455
+ "text_decoder.layers.17.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
456
+ "text_encoder.layers.11.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
457
+ "text_decoder.layers.15.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
458
+ "text_encoder.layers.21.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
459
+ "text_encoder.layers.8.ffn.fc2.bias": "model-00002-of-00003.safetensors",
460
+ "text_decoder.layers.21.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
461
+ "text_decoder.layers.12.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
462
+ "text_decoder.layers.9.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
463
+ "text_decoder.layers.20.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
464
+ "text_decoder.layers.14.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
465
+ "text_encoder.layers.11.ffn_layer_norm.weight": "model-00002-of-00003.safetensors",
466
+ "text_decoder.layers.10.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
467
+ "text_encoder.layers.16.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
468
+ "text_encoder.layers.22.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
469
+ "text_decoder.layers.2.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
470
+ "text_decoder.layers.21.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
471
+ "text_decoder.layers.21.cross_attention.out_proj.bias": "model-00002-of-00003.safetensors",
472
+ "text_encoder.layers.7.ffn.fc2.bias": "model-00002-of-00003.safetensors",
473
+ "text_decoder.layers.4.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
474
+ "text_decoder.layers.17.cross_attention.out_proj.bias": "model-00002-of-00003.safetensors",
475
+ "text_decoder.layers.12.cross_attention.k_proj.bias": "model-00002-of-00003.safetensors",
476
+ "text_decoder.layers.11.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
477
+ "text_encoder.layers.7.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
478
+ "text_decoder.layers.16.cross_attention.k_proj.weight": "model-00002-of-00003.safetensors",
479
+ "text_encoder.layers.13.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
480
+ "text_encoder.layers.8.ffn.fc2.weight": "model-00002-of-00003.safetensors",
481
+ "text_decoder.layers.11.cross_attention.k_proj.weight": "model-00002-of-00003.safetensors",
482
+ "text_encoder.layers.0.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
483
+ "text_decoder.layers.15.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
484
+ "text_encoder.layers.4.ffn.fc1.weight": "model-00002-of-00003.safetensors",
485
+ "text_encoder.layers.17.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
486
+ "text_decoder.layers.5.ffn.fc2.bias": "model-00002-of-00003.safetensors",
487
+ "text_encoder.layers.10.ffn.fc1.weight": "model-00002-of-00003.safetensors",
488
+ "text_decoder.layers.4.cross_attention.out_proj.bias": "model-00002-of-00003.safetensors",
489
+ "text_encoder.layers.12.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
490
+ "text_decoder.layers.7.ffn.fc2.weight": "model-00002-of-00003.safetensors",
491
+ "text_encoder.layers.5.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
492
+ "text_decoder.layers.12.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
493
+ "text_decoder.layers.22.cross_attention.q_proj.weight": "model-00002-of-00003.safetensors",
494
+ "text_decoder.layers.13.ffn.fc1.weight": "model-00002-of-00003.safetensors",
495
+ "text_decoder.layers.16.ffn_layer_norm.weight": "model-00002-of-00003.safetensors",
496
+ "text_decoder.layers.20.ffn.fc2.weight": "model-00002-of-00003.safetensors",
497
+ "text_decoder.layers.14.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
498
+ "text_encoder.layers.3.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
499
+ "text_encoder.layers.13.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
500
+ "text_encoder.layers.4.ffn.fc2.weight": "model-00002-of-00003.safetensors",
501
+ "text_decoder.layers.20.ffn.fc1.bias": "model-00002-of-00003.safetensors",
502
+ "text_decoder.layers.10.cross_attention.out_proj.bias": "model-00002-of-00003.safetensors",
503
+ "text_decoder.layers.19.cross_attention_layer_norm.weight": "model-00002-of-00003.safetensors",
504
+ "text_decoder.layers.6.cross_attention.q_proj.bias": "model-00002-of-00003.safetensors",
505
+ "text_decoder.layers.3.cross_attention.v_proj.bias": "model-00002-of-00003.safetensors",
506
+ "text_encoder.layers.12.ffn.fc1.weight": "model-00002-of-00003.safetensors",
507
+ "text_encoder.layers.15.ffn.fc1.weight": "model-00002-of-00003.safetensors",
508
+ "text_encoder.layers.12.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
509
+ "text_decoder.layers.10.cross_attention.q_proj.weight": "model-00002-of-00003.safetensors",
510
+ "text_decoder.layers.13.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
511
+ "text_decoder.layers.5.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
512
+ "text_decoder.layers.1.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
513
+ "text_encoder.layers.0.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
514
+ "text_encoder.layers.3.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
515
+ "text_encoder.layers.23.ffn.fc1.weight": "model-00002-of-00003.safetensors",
516
+ "text_decoder.layers.2.cross_attention.q_proj.weight": "model-00002-of-00003.safetensors",
517
+ "text_encoder.layers.2.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
518
+ "text_decoder.layers.10.ffn.fc2.bias": "model-00002-of-00003.safetensors",
519
+ "text_decoder.layers.22.ffn.fc1.bias": "model-00002-of-00003.safetensors",
520
+ "text_decoder.layers.14.cross_attention.v_proj.weight": "model-00002-of-00003.safetensors",
521
+ "text_encoder.layers.3.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
522
+ "text_decoder.layers.16.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
523
+ "text_decoder.layers.9.cross_attention.v_proj.bias": "model-00002-of-00003.safetensors",
524
+ "text_encoder.layers.12.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
525
+ "text_decoder.layers.10.ffn.fc1.bias": "model-00002-of-00003.safetensors",
526
+ "text_encoder.layers.9.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
527
+ "text_decoder.layers.4.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
528
+ "text_encoder.layers.20.ffn.fc1.bias": "model-00002-of-00003.safetensors",
529
+ "text_decoder.layers.23.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
530
+ "text_encoder.layers.6.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
531
+ "text_encoder.layers.7.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
532
+ "text_decoder.layers.18.cross_attention_layer_norm.bias": "model-00002-of-00003.safetensors",
533
+ "text_decoder.layers.22.cross_attention.out_proj.bias": "model-00002-of-00003.safetensors",
534
+ "text_encoder.layers.12.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
535
+ "text_decoder.layers.3.cross_attention.q_proj.weight": "model-00002-of-00003.safetensors",
536
+ "text_encoder.layers.13.ffn.fc1.bias": "model-00002-of-00003.safetensors",
537
+ "text_encoder.layers.18.ffn_layer_norm.weight": "model-00002-of-00003.safetensors",
538
+ "text_encoder.layers.9.self_attn_layer_norm.weight": "model-00002-of-00003.safetensors",
539
+ "text_decoder.layers.17.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
540
+ "text_encoder.layers.3.ffn.fc1.weight": "model-00002-of-00003.safetensors",
541
+ "text_decoder.layers.2.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
542
+ "text_encoder.layers.23.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
543
+ "text_decoder.layers.22.cross_attention_layer_norm.bias": "model-00002-of-00003.safetensors",
544
+ "text_decoder.layers.22.ffn.fc2.bias": "model-00002-of-00003.safetensors",
545
+ "text_decoder.layers.19.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
546
+ "text_encoder.layers.13.ffn.fc2.weight": "model-00002-of-00003.safetensors",
547
+ "text_decoder.layers.18.cross_attention_layer_norm.weight": "model-00002-of-00003.safetensors",
548
+ "text_encoder.layers.7.ffn.fc1.bias": "model-00002-of-00003.safetensors",
549
+ "text_decoder.layers.13.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
550
+ "text_decoder.layers.1.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
551
+ "text_decoder.layers.3.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
552
+ "text_decoder.layers.3.cross_attention_layer_norm.weight": "model-00002-of-00003.safetensors",
553
+ "text_encoder.layers.22.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
554
+ "text_decoder.layers.5.self_attn_layer_norm.bias": "model-00002-of-00003.safetensors",
555
+ "text_encoder.layers.0.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
556
+ "text_decoder.layers.23.cross_attention.k_proj.weight": "model-00002-of-00003.safetensors",
557
+ "text_decoder.layers.4.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
558
+ "text_decoder.layers.13.ffn.fc1.bias": "model-00002-of-00003.safetensors",
559
+ "text_decoder.layers.23.cross_attention.q_proj.weight": "model-00002-of-00003.safetensors",
560
+ "text_decoder.layers.15.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
561
+ "text_decoder.layers.6.ffn.fc1.bias": "model-00002-of-00003.safetensors",
562
+ "text_decoder.layers.20.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
563
+ "text_encoder.layers.20.ffn.fc2.bias": "model-00002-of-00003.safetensors",
564
+ "text_encoder.layers.11.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
565
+ "text_decoder.layers.6.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
566
+ "text_encoder.layers.8.ffn.fc1.bias": "model-00002-of-00003.safetensors",
567
+ "text_decoder.layers.22.ffn.fc1.weight": "model-00002-of-00003.safetensors",
568
+ "text_encoder.layers.22.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
569
+ "text_encoder.layers.7.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
570
+ "text_encoder.layers.15.ffn_layer_norm.bias": "model-00002-of-00003.safetensors",
571
+ "text_decoder.layers.14.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
572
+ "text_encoder.layers.17.ffn.fc2.bias": "model-00002-of-00003.safetensors",
573
+ "text_decoder.layers.12.ffn.fc2.weight": "model-00002-of-00003.safetensors",
574
+ "text_encoder.layers.14.ffn.fc1.bias": "model-00002-of-00003.safetensors",
575
+ "text_decoder.layers.6.cross_attention.v_proj.bias": "model-00002-of-00003.safetensors",
576
+ "text_decoder.layers.19.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
577
+ "text_encoder.layers.17.ffn_layer_norm.weight": "model-00002-of-00003.safetensors",
578
+ "text_decoder.layers.11.self_attn.out_proj.bias": "model-00002-of-00003.safetensors",
579
+ "text_encoder.layers.10.self_attn.out_proj.weight": "model-00002-of-00003.safetensors",
580
+ "text_decoder.layers.19.cross_attention.out_proj.weight": "model-00002-of-00003.safetensors",
581
+ "text_encoder.layers.16.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
582
+ "text_decoder.layers.2.cross_attention.v_proj.weight": "model-00002-of-00003.safetensors",
583
+ "text_decoder.layers.5.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
584
+ "text_decoder.layers.11.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
585
+ "text_decoder.layers.18.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
586
+ "text_decoder.layers.2.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
587
+ "text_decoder.layers.21.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
588
+ "text_encoder.layers.16.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
589
+ "text_decoder.layers.19.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
590
+ "text_decoder.layers.21.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
591
+ "text_decoder.layers.8.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
592
+ "text_decoder.layers.13.ffn.fc2.bias": "model-00003-of-00003.safetensors",
593
+ "text_decoder.layers.0.cross_attention.out_proj.bias": "model-00003-of-00003.safetensors",
594
+ "text_decoder.layers.13.cross_attention.q_proj.weight": "model-00003-of-00003.safetensors",
595
+ "text_encoder.layers.12.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
596
+ "text_encoder.layers.7.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
597
+ "text_decoder.layers.5.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
598
+ "text_encoder.layers.5.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
599
+ "text_encoder.layers.8.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
600
+ "text_encoder.layers.5.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
601
+ "text_decoder.layers.15.ffn.fc2.weight": "model-00003-of-00003.safetensors",
602
+ "text_encoder.layers.5.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
603
+ "text_encoder.layers.0.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
604
+ "text_decoder.layers.14.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
605
+ "text_decoder.layers.1.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
606
+ "text_decoder.layers.9.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
607
+ "text_encoder.layers.9.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
608
+ "text_decoder.layers.13.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
609
+ "text_decoder.layers.11.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
610
+ "text_encoder.layers.2.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
611
+ "text_decoder.layers.0.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
612
+ "text_decoder.layers.18.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
613
+ "text_encoder.layers.17.ffn.fc1.weight": "model-00003-of-00003.safetensors",
614
+ "text_encoder.layers.14.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
615
+ "text_decoder.layers.13.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
616
+ "text_decoder.layers.15.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
617
+ "text_encoder.layers.0.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
618
+ "text_encoder.layers.16.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
619
+ "text_encoder.layers.3.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
620
+ "text_decoder.layers.16.cross_attention.q_proj.weight": "model-00003-of-00003.safetensors",
621
+ "text_decoder.layers.22.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
622
+ "text_decoder.layers.0.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
623
+ "text_encoder.layers.1.ffn.fc2.weight": "model-00003-of-00003.safetensors",
624
+ "text_decoder.layers.2.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
625
+ "text_decoder.layers.4.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
626
+ "text_encoder.layers.7.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
627
+ "text_decoder.layers.19.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
628
+ "text_encoder.layers.15.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
629
+ "text_decoder.layers.7.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
630
+ "text_encoder.layers.4.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
631
+ "text_decoder.layers.3.ffn.fc1.weight": "model-00003-of-00003.safetensors",
632
+ "text_decoder.layers.14.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
633
+ "text_encoder.layers.13.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
634
+ "text_encoder.layers.11.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
635
+ "text_encoder.layers.17.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
636
+ "text_decoder.layers.0.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
637
+ "text_decoder.layers.3.ffn.fc2.weight": "model-00003-of-00003.safetensors",
638
+ "text_decoder.layers.22.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
639
+ "text_encoder.layers.22.ffn.fc1.weight": "model-00003-of-00003.safetensors",
640
+ "text_decoder.layers.16.ffn.fc2.bias": "model-00003-of-00003.safetensors",
641
+ "text_decoder.layer_norm.bias": "model-00003-of-00003.safetensors",
642
+ "text_encoder.layers.0.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
643
+ "text_decoder.layers.23.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
644
+ "text_decoder.layers.1.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
645
+ "text_decoder.layers.4.ffn.fc2.weight": "model-00003-of-00003.safetensors",
646
+ "text_encoder.layers.6.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
647
+ "text_decoder.layers.22.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
648
+ "text_encoder.layers.17.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
649
+ "text_encoder.layers.20.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
650
+ "text_encoder.layers.9.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
651
+ "text_decoder.layers.21.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
652
+ "text_decoder.layers.18.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
653
+ "text_encoder.layers.10.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
654
+ "text_decoder.layers.3.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
655
+ "text_decoder.layers.9.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
656
+ "text_decoder.layers.8.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
657
+ "text_decoder.layers.11.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
658
+ "text_encoder.layers.22.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
659
+ "text_decoder.layers.21.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
660
+ "text_encoder.layers.14.ffn.fc1.weight": "model-00003-of-00003.safetensors",
661
+ "text_encoder.layers.2.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
662
+ "text_decoder.layers.16.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
663
+ "text_encoder.layers.17.ffn.fc2.weight": "model-00003-of-00003.safetensors",
664
+ "text_decoder.layers.16.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
665
+ "text_decoder.layers.7.ffn.fc2.bias": "model-00003-of-00003.safetensors",
666
+ "text_encoder.layers.13.ffn.fc2.bias": "model-00003-of-00003.safetensors",
667
+ "text_decoder.layers.16.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
668
+ "text_encoder.layers.7.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
669
+ "text_decoder.layers.15.ffn.fc1.bias": "model-00003-of-00003.safetensors",
670
+ "text_decoder.layers.12.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
671
+ "text_encoder.layers.13.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
672
+ "text_decoder.layers.8.cross_attention.out_proj.bias": "model-00003-of-00003.safetensors",
673
+ "text_decoder.layers.10.ffn.fc1.weight": "model-00003-of-00003.safetensors",
674
+ "text_decoder.layers.7.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
675
+ "text_encoder.layers.9.ffn.fc2.bias": "model-00003-of-00003.safetensors",
676
+ "text_decoder.layers.9.cross_attention.out_proj.bias": "model-00003-of-00003.safetensors",
677
+ "text_decoder.layers.23.ffn.fc2.bias": "model-00003-of-00003.safetensors",
678
+ "text_decoder.layers.21.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
679
+ "text_decoder.layers.3.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
680
+ "text_decoder.layers.7.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
681
+ "text_decoder.layers.7.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
682
+ "text_encoder.layers.16.ffn.fc1.bias": "model-00003-of-00003.safetensors",
683
+ "text_encoder.layers.8.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
684
+ "text_encoder.layers.9.ffn.fc1.bias": "model-00003-of-00003.safetensors",
685
+ "text_encoder.layers.10.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
686
+ "text_decoder.layers.21.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
687
+ "text_decoder.layers.16.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
688
+ "text_decoder.layers.15.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
689
+ "text_decoder.layers.17.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
690
+ "text_decoder.layers.10.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
691
+ "text_decoder.layers.6.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
692
+ "text_encoder.layers.21.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
693
+ "text_decoder.layers.17.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
694
+ "text_decoder.layers.1.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
695
+ "text_decoder.layers.17.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
696
+ "text_decoder.layers.18.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
697
+ "text_decoder.layers.4.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
698
+ "text_encoder.layers.21.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
699
+ "text_decoder.layers.13.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
700
+ "text_decoder.layers.19.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
701
+ "text_decoder.layers.10.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
702
+ "text_decoder.layers.9.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
703
+ "text_decoder.layers.11.cross_attention.out_proj.bias": "model-00003-of-00003.safetensors",
704
+ "text_decoder.layers.4.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
705
+ "text_decoder.layers.5.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
706
+ "text_encoder.layers.1.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
707
+ "text_decoder.layers.23.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
708
+ "text_encoder.layers.12.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
709
+ "text_decoder.layers.2.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
710
+ "text_decoder.layers.18.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
711
+ "text_encoder.layers.2.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
712
+ "text_encoder.layers.20.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
713
+ "text_encoder.layers.2.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
714
+ "text_decoder.layers.5.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
715
+ "text_decoder.layers.16.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
716
+ "text_encoder.layers.1.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
717
+ "text_decoder.layers.14.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
718
+ "text_decoder.layers.6.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
719
+ "text_decoder.layers.16.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
720
+ "text_decoder.layers.0.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
721
+ "text_decoder.layers.8.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
722
+ "text_decoder.layers.9.ffn.fc1.bias": "model-00003-of-00003.safetensors",
723
+ "text_encoder.layers.6.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
724
+ "text_encoder.layers.18.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
725
+ "text_decoder.layers.15.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
726
+ "text_encoder.layers.20.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
727
+ "text_decoder.layers.17.ffn.fc1.bias": "model-00003-of-00003.safetensors",
728
+ "text_encoder.layers.8.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
729
+ "text_encoder.layers.8.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
730
+ "text_decoder.layers.17.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
731
+ "text_encoder.layers.0.ffn.fc2.bias": "model-00003-of-00003.safetensors",
732
+ "text_decoder.layers.3.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
733
+ "text_decoder.layers.11.ffn.fc2.weight": "model-00003-of-00003.safetensors",
734
+ "text_decoder.layers.20.ffn.fc2.bias": "model-00003-of-00003.safetensors",
735
+ "text_decoder.layers.3.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
736
+ "text_decoder.layers.8.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
737
+ "text_decoder.layers.9.ffn.fc2.weight": "model-00003-of-00003.safetensors",
738
+ "text_decoder.layers.13.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
739
+ "text_encoder.layers.2.ffn.fc2.bias": "model-00003-of-00003.safetensors",
740
+ "text_decoder.layers.7.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
741
+ "text_decoder.layers.12.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
742
+ "text_decoder.layers.21.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
743
+ "text_decoder.layers.0.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
744
+ "text_decoder.layers.2.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
745
+ "text_decoder.layers.7.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
746
+ "text_decoder.layers.18.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
747
+ "text_encoder.layers.10.ffn.fc2.weight": "model-00003-of-00003.safetensors",
748
+ "text_decoder.layers.23.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
749
+ "text_decoder.layers.23.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
750
+ "text_encoder.layers.9.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
751
+ "text_decoder.layers.4.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
752
+ "text_decoder.layers.8.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
753
+ "text_decoder.layers.20.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
754
+ "text_decoder.layers.19.ffn.fc2.weight": "model-00003-of-00003.safetensors",
755
+ "text_encoder.layers.4.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
756
+ "text_decoder.layers.17.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
757
+ "text_decoder.layers.21.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
758
+ "text_encoder.layers.19.ffn.fc2.weight": "model-00003-of-00003.safetensors",
759
+ "text_encoder.layers.13.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
760
+ "text_decoder.layers.13.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
761
+ "text_decoder.layers.23.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
762
+ "text_decoder.layers.15.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
763
+ "text_decoder.layers.5.cross_attention.out_proj.bias": "model-00003-of-00003.safetensors",
764
+ "text_decoder.layers.17.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
765
+ "text_decoder.layers.8.ffn.fc1.bias": "model-00003-of-00003.safetensors",
766
+ "text_encoder.layers.1.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
767
+ "text_decoder.layers.14.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
768
+ "text_decoder.layers.11.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
769
+ "text_decoder.layers.2.ffn.fc1.bias": "model-00003-of-00003.safetensors",
770
+ "text_decoder.layers.18.ffn.fc1.bias": "model-00003-of-00003.safetensors",
771
+ "text_encoder.layers.19.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
772
+ "text_decoder.layers.13.ffn.fc2.weight": "model-00003-of-00003.safetensors",
773
+ "text_decoder.layers.19.ffn.fc1.bias": "model-00003-of-00003.safetensors",
774
+ "text_decoder.layers.14.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
775
+ "text_decoder.layers.7.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
776
+ "text_encoder.layers.0.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
777
+ "text_encoder.layers.16.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
778
+ "text_decoder.layers.20.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
779
+ "text_encoder.layers.9.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
780
+ "text_decoder.layers.18.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
781
+ "text_encoder.layers.5.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
782
+ "text_decoder.layers.17.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
783
+ "text_encoder.layers.18.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
784
+ "text_encoder.layers.8.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
785
+ "text_decoder.layers.19.ffn.fc1.weight": "model-00003-of-00003.safetensors",
786
+ "text_decoder.layers.4.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
787
+ "text_encoder.layers.21.ffn.fc2.weight": "model-00003-of-00003.safetensors",
788
+ "text_encoder.layers.8.ffn.fc1.weight": "model-00003-of-00003.safetensors",
789
+ "text_decoder.layers.10.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
790
+ "text_encoder.layers.20.ffn.fc2.weight": "model-00003-of-00003.safetensors",
791
+ "text_decoder.layers.1.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
792
+ "text_decoder.layers.8.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
793
+ "text_decoder.layers.19.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
794
+ "text_encoder.layers.3.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
795
+ "text_encoder.layers.10.ffn.fc1.bias": "model-00003-of-00003.safetensors",
796
+ "text_encoder.layers.2.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
797
+ "text_encoder.layers.23.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
798
+ "text_decoder.layers.20.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
799
+ "text_encoder.layers.4.ffn.fc1.bias": "model-00003-of-00003.safetensors",
800
+ "text_decoder.layers.20.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
801
+ "text_decoder.layers.14.ffn.fc1.bias": "model-00003-of-00003.safetensors",
802
+ "text_encoder.layers.23.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
803
+ "text_decoder.layers.20.cross_attention.out_proj.bias": "model-00003-of-00003.safetensors",
804
+ "text_decoder.layers.3.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
805
+ "text_decoder.layers.19.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
806
+ "text_encoder.layers.12.ffn.fc1.bias": "model-00003-of-00003.safetensors",
807
+ "text_encoder.layers.18.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
808
+ "text_decoder.layers.11.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
809
+ "text_decoder.layers.23.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
810
+ "text_decoder.layers.15.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
811
+ "text_decoder.layers.5.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
812
+ "text_encoder.layers.23.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
813
+ "text_encoder.layers.11.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
814
+ "text_decoder.layers.3.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
815
+ "text_decoder.layers.4.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
816
+ "text_decoder.layers.2.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
817
+ "text_encoder.layers.22.ffn.fc2.bias": "model-00003-of-00003.safetensors",
818
+ "text_decoder.layers.6.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
819
+ "text_decoder.layers.19.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
820
+ "text_encoder.layers.14.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
821
+ "text_encoder.layers.16.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
822
+ "text_encoder.layers.6.ffn.fc2.bias": "model-00003-of-00003.safetensors",
823
+ "text_decoder.layers.12.cross_attention.q_proj.weight": "model-00003-of-00003.safetensors",
824
+ "text_decoder.layers.6.ffn.fc2.weight": "model-00003-of-00003.safetensors",
825
+ "text_encoder.layers.3.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
826
+ "text_decoder.layers.19.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
827
+ "text_encoder.layers.21.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
828
+ "text_encoder.layers.15.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
829
+ "text_decoder.layers.10.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
830
+ "text_decoder.layers.3.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
831
+ "text_decoder.layers.8.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
832
+ "text_decoder.layers.4.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
833
+ "text_decoder.layers.9.cross_attention.q_proj.weight": "model-00003-of-00003.safetensors",
834
+ "text_decoder.layers.7.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
835
+ "text_decoder.layers.4.ffn.fc1.bias": "model-00003-of-00003.safetensors",
836
+ "text_encoder.layers.17.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
837
+ "text_encoder.layers.4.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
838
+ "text_decoder.layers.13.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
839
+ "text_decoder.layers.14.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
840
+ "text_decoder.layers.0.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
841
+ "text_decoder.layers.1.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
842
+ "text_encoder.layers.19.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
843
+ "text_encoder.layers.15.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
844
+ "text_decoder.layers.20.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
845
+ "text_decoder.layers.16.ffn.fc1.weight": "model-00003-of-00003.safetensors",
846
+ "text_decoder.layers.2.ffn.fc2.bias": "model-00003-of-00003.safetensors",
847
+ "text_encoder.layers.23.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
848
+ "text_decoder.layers.12.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
849
+ "text_decoder.layers.9.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
850
+ "text_decoder.layers.17.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
851
+ "text_decoder.layers.20.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
852
+ "text_decoder.layers.23.ffn.fc1.weight": "model-00003-of-00003.safetensors",
853
+ "text_encoder.layers.2.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
854
+ "text_decoder.layers.22.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
855
+ "text_decoder.layers.4.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
856
+ "text_decoder.layers.15.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
857
+ "text_decoder.layers.11.ffn.fc1.weight": "model-00003-of-00003.safetensors",
858
+ "text_decoder.layers.5.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
859
+ "text_decoder.layers.1.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
860
+ "text_decoder.layers.7.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
861
+ "text_decoder.layers.21.ffn.fc1.bias": "model-00003-of-00003.safetensors",
862
+ "text_decoder.layers.18.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
863
+ "text_encoder.layers.0.ffn.fc2.weight": "model-00003-of-00003.safetensors",
864
+ "text_encoder.layers.23.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
865
+ "text_encoder.layers.18.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
866
+ "text_decoder.layers.0.ffn.fc2.weight": "model-00003-of-00003.safetensors",
867
+ "text_encoder.layers.19.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
868
+ "text_decoder.layers.2.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
869
+ "text_decoder.layers.22.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
870
+ "text_decoder.layers.6.ffn.fc2.bias": "model-00003-of-00003.safetensors",
871
+ "text_encoder.layers.18.ffn.fc2.bias": "model-00003-of-00003.safetensors",
872
+ "text_decoder.layers.1.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
873
+ "text_decoder.layers.13.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
874
+ "text_decoder.layers.23.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
875
+ "text_encoder.layers.10.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
876
+ "text_encoder.layers.1.ffn.fc2.bias": "model-00003-of-00003.safetensors",
877
+ "text_decoder.layers.13.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
878
+ "text_decoder.layers.1.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
879
+ "text_decoder.layers.23.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
880
+ "text_decoder.layers.8.ffn.fc2.bias": "model-00003-of-00003.safetensors",
881
+ "text_encoder.layers.17.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
882
+ "text_encoder.layers.19.ffn.fc2.bias": "model-00003-of-00003.safetensors",
883
+ "text_decoder.layers.10.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
884
+ "text_encoder.layers.13.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
885
+ "text_encoder.layers.16.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
886
+ "text_decoder.layers.18.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
887
+ "text_encoder.layers.0.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
888
+ "text_encoder.layers.11.ffn.fc2.weight": "model-00003-of-00003.safetensors",
889
+ "text_encoder.layers.23.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
890
+ "text_decoder.layers.7.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
891
+ "text_decoder.layers.0.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
892
+ "text_decoder.layers.11.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
893
+ "text_decoder.layers.3.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
894
+ "text_encoder.layers.22.ffn.fc2.weight": "model-00003-of-00003.safetensors",
895
+ "text_decoder.layers.21.ffn.fc1.weight": "model-00003-of-00003.safetensors",
896
+ "text_encoder.layers.3.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
897
+ "text_encoder.layers.23.ffn.fc2.bias": "model-00003-of-00003.safetensors",
898
+ "text_encoder.layers.9.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
899
+ "text_decoder.layers.10.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
900
+ "text_encoder.layers.22.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
901
+ "text_decoder.layers.6.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
902
+ "text_decoder.layers.8.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
903
+ "text_encoder.layers.11.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
904
+ "text_decoder.layers.2.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
905
+ "text_decoder.layers.18.cross_attention.q_proj.weight": "model-00003-of-00003.safetensors",
906
+ "text_decoder.layers.14.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
907
+ "text_decoder.layers.15.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
908
+ "text_decoder.layers.22.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
909
+ "text_encoder.layers.1.ffn.fc1.bias": "model-00003-of-00003.safetensors",
910
+ "text_decoder.layers.0.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
911
+ "text_decoder.layers.14.ffn.fc2.bias": "model-00003-of-00003.safetensors",
912
+ "text_encoder.layers.1.ffn.fc1.weight": "model-00003-of-00003.safetensors",
913
+ "text_encoder.layers.22.ffn.fc1.bias": "model-00003-of-00003.safetensors",
914
+ "text_decoder.layers.22.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
915
+ "text_decoder.layers.22.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
916
+ "text_encoder.layers.21.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
917
+ "text_decoder.layers.22.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
918
+ "text_encoder.layers.23.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
919
+ "text_decoder.layers.17.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
920
+ "text_decoder.layers.12.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
921
+ "text_encoder.layers.1.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
922
+ "text_encoder.layers.22.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
923
+ "text_decoder.layers.21.ffn.fc2.weight": "model-00003-of-00003.safetensors",
924
+ "text_encoder.layers.21.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
925
+ "text_decoder.layers.9.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
926
+ "text_decoder.layers.5.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
927
+ "text_decoder.layers.6.cross_attention.q_proj.weight": "model-00003-of-00003.safetensors",
928
+ "text_decoder.layers.17.ffn.fc2.bias": "model-00003-of-00003.safetensors",
929
+ "text_decoder.layers.8.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
930
+ "text_decoder.layers.8.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
931
+ "text_encoder.layers.17.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
932
+ "text_encoder.layers.2.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
933
+ "text_decoder.layers.13.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
934
+ "text_encoder.layers.1.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
935
+ "text_decoder.layers.13.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
936
+ "text_decoder.layers.8.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
937
+ "text_decoder.layers.1.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
938
+ "text_encoder.layers.14.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
939
+ "text_encoder.layers.7.ffn.fc1.weight": "model-00003-of-00003.safetensors",
940
+ "text_decoder.layers.0.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
941
+ "text_encoder.layers.23.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
942
+ "text_decoder.layers.8.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
943
+ "text_decoder.layers.2.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
944
+ "text_decoder.layers.15.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
945
+ "text_decoder.layers.19.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
946
+ "text_encoder.layers.14.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
947
+ "text_decoder.layers.22.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
948
+ "text_decoder.layers.2.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
949
+ "text_decoder.layers.12.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
950
+ "text_encoder.layers.15.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
951
+ "text_decoder.layers.15.ffn.fc1.weight": "model-00003-of-00003.safetensors",
952
+ "text_decoder.layers.18.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
953
+ "text_encoder.layers.7.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
954
+ "text_encoder.layers.16.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
955
+ "text_decoder.layers.10.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
956
+ "text_encoder.layers.12.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
957
+ "text_decoder.layers.21.ffn.fc2.bias": "model-00003-of-00003.safetensors",
958
+ "text_encoder.layers.13.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
959
+ "text_encoder.layers.11.ffn.fc1.bias": "model-00003-of-00003.safetensors",
960
+ "text_decoder.layers.23.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
961
+ "text_encoder.layers.1.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
962
+ "text_decoder.layers.19.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
963
+ "text_encoder.layers.14.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
964
+ "text_encoder.layers.9.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
965
+ "text_decoder.layers.9.ffn.fc1.weight": "model-00003-of-00003.safetensors",
966
+ "text_encoder.layers.14.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
967
+ "text_decoder.layers.21.cross_attention.q_proj.weight": "model-00003-of-00003.safetensors",
968
+ "text_decoder.layers.9.cross_attention.q_proj.bias": "model-00003-of-00003.safetensors",
969
+ "text_decoder.layers.5.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
970
+ "text_decoder.layer_norm.weight": "model-00003-of-00003.safetensors",
971
+ "text_decoder.layers.12.ffn.fc2.bias": "model-00003-of-00003.safetensors",
972
+ "text_encoder.layers.21.ffn.fc2.bias": "model-00003-of-00003.safetensors",
973
+ "text_decoder.layers.14.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
974
+ "text_decoder.layers.12.ffn.fc1.bias": "model-00003-of-00003.safetensors",
975
+ "text_encoder.layers.11.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
976
+ "text_decoder.layers.8.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
977
+ "text_decoder.layers.9.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
978
+ "text_decoder.layers.1.ffn_layer_norm.weight": "model-00003-of-00003.safetensors",
979
+ "text_decoder.layers.5.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
980
+ "text_decoder.layers.22.ffn.fc2.weight": "model-00003-of-00003.safetensors",
981
+ "text_encoder.layers.6.ffn.fc2.weight": "model-00003-of-00003.safetensors",
982
+ "text_encoder.layers.13.ffn.fc1.weight": "model-00003-of-00003.safetensors",
983
+ "text_decoder.layers.12.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
984
+ "text_encoder.layers.15.ffn.fc2.bias": "model-00003-of-00003.safetensors",
985
+ "text_decoder.layers.14.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
986
+ "text_decoder.layers.11.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
987
+ "text_encoder.layers.14.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
988
+ "text_encoder.layers.11.ffn_layer_norm.bias": "model-00003-of-00003.safetensors",
989
+ "text_encoder.layers.3.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
990
+ "text_encoder.layers.20.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
991
+ "text_decoder.layers.16.ffn.fc2.weight": "model-00003-of-00003.safetensors",
992
+ "text_decoder.layers.6.cross_attention.out_proj.bias": "model-00003-of-00003.safetensors",
993
+ "text_decoder.layers.3.ffn.fc1.bias": "model-00003-of-00003.safetensors",
994
+ "text_encoder.layers.11.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
995
+ "text_decoder.layers.20.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
996
+ "text_encoder.layers.13.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
997
+ "text_decoder.layers.16.cross_attention.v_proj.weight": "model-00003-of-00003.safetensors",
998
+ "text_decoder.layers.18.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
999
+ "text_decoder.layers.21.self_attn.out_proj.weight": "model-00003-of-00003.safetensors",
1000
+ "text_decoder.layers.5.cross_attention.v_proj.bias": "model-00003-of-00003.safetensors",
1001
+ "text_decoder.layers.4.ffn.fc2.bias": "model-00003-of-00003.safetensors",
1002
+ "text_encoder.layers.17.self_attn.out_proj.bias": "model-00003-of-00003.safetensors",
1003
+ "text_decoder.layers.21.cross_attention.out_proj.weight": "model-00003-of-00003.safetensors",
1004
+ "text_decoder.layers.15.cross_attention.q_proj.weight": "model-00003-of-00003.safetensors",
1005
+ "text_decoder.layers.16.cross_attention.k_proj.bias": "model-00003-of-00003.safetensors",
1006
+ "text_decoder.layers.6.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
1007
+ "text_decoder.layers.12.cross_attention_layer_norm.bias": "model-00003-of-00003.safetensors",
1008
+ "text_encoder.layers.11.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
1009
+ "text_decoder.layers.23.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors",
1010
+ "text_decoder.layers.14.cross_attention_layer_norm.weight": "model-00003-of-00003.safetensors",
1011
+ "text_encoder.layers.19.self_attn_layer_norm.weight": "model-00003-of-00003.safetensors",
1012
+ "text_encoder.layers.9.ffn.fc2.weight": "model-00003-of-00003.safetensors",
1013
+ "text_decoder.layers.13.cross_attention.out_proj.bias": "model-00003-of-00003.safetensors",
1014
+ "text_decoder.layers.0.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
1015
+ "text_decoder.layers.11.ffn.fc2.bias": "model-00003-of-00003.safetensors",
1016
+ "text_decoder.layers.21.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
1017
+ "text_decoder.layers.14.cross_attention.k_proj.weight": "model-00003-of-00003.safetensors",
1018
+ "text_encoder.layers.9.self_attn_layer_norm.bias": "model-00003-of-00003.safetensors"
1019
+ }
1020
+ }
preprocessor_config.json ADDED
@@ -0,0 +1,111 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "feature_extractor_type": "SeamlessM4TFeatureExtractor",
3
+ "feature_size": 80,
4
+ "language_code": [
5
+ "__afr__",
6
+ "__amh__",
7
+ "__arb__",
8
+ "__ary__",
9
+ "__arz__",
10
+ "__asm__",
11
+ "__azj__",
12
+ "__bel__",
13
+ "__ben__",
14
+ "__bos__",
15
+ "__bul__",
16
+ "__cat__",
17
+ "__ceb__",
18
+ "__ces__",
19
+ "__ckb__",
20
+ "__cmn__",
21
+ "__cmn_Hant__",
22
+ "__cym__",
23
+ "__dan__",
24
+ "__deu__",
25
+ "__ell__",
26
+ "__eng__",
27
+ "__est__",
28
+ "__eus__",
29
+ "__fin__",
30
+ "__fra__",
31
+ "__fuv__",
32
+ "__gaz__",
33
+ "__gle__",
34
+ "__glg__",
35
+ "__guj__",
36
+ "__heb__",
37
+ "__hin__",
38
+ "__hrv__",
39
+ "__hun__",
40
+ "__hye__",
41
+ "__ibo__",
42
+ "__ind__",
43
+ "__isl__",
44
+ "__ita__",
45
+ "__jav__",
46
+ "__jpn__",
47
+ "__kan__",
48
+ "__kat__",
49
+ "__kaz__",
50
+ "__khk__",
51
+ "__khm__",
52
+ "__kir__",
53
+ "__kor__",
54
+ "__lao__",
55
+ "__lit__",
56
+ "__lug__",
57
+ "__luo__",
58
+ "__lvs__",
59
+ "__mai__",
60
+ "__mal__",
61
+ "__mar__",
62
+ "__mkd__",
63
+ "__mlt__",
64
+ "__mni__",
65
+ "__mya__",
66
+ "__nld__",
67
+ "__nno__",
68
+ "__nob__",
69
+ "__npi__",
70
+ "__nya__",
71
+ "__ory__",
72
+ "__pan__",
73
+ "__pbt__",
74
+ "__pes__",
75
+ "__pol__",
76
+ "__por__",
77
+ "__ron__",
78
+ "__rus__",
79
+ "__sat__",
80
+ "__slk__",
81
+ "__slv__",
82
+ "__sna__",
83
+ "__snd__",
84
+ "__som__",
85
+ "__spa__",
86
+ "__srp__",
87
+ "__swe__",
88
+ "__swh__",
89
+ "__tam__",
90
+ "__tel__",
91
+ "__tgk__",
92
+ "__tgl__",
93
+ "__tha__",
94
+ "__tur__",
95
+ "__ukr__",
96
+ "__urd__",
97
+ "__uzn__",
98
+ "__vie__",
99
+ "__yor__",
100
+ "__yue__",
101
+ "__zlm__",
102
+ "__zul__"
103
+ ],
104
+ "num_mel_bins": 80,
105
+ "padding_side": "right",
106
+ "padding_value": 0.0,
107
+ "processor_class": "SeamlessM4TProcessor",
108
+ "return_attention_mask": true,
109
+ "sampling_rate": 16000,
110
+ "stride": 2
111
+ }
sentencepiece.bpe.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:026a76827537db9f1348e4d5aaa127bb10a2f2ff633243f3a52d16be82d73f9d
3
+ size 5165809
special_tokens_map.json ADDED
@@ -0,0 +1,144 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "__afr__",
4
+ "__amh__",
5
+ "__arb__",
6
+ "__ary__",
7
+ "__arz__",
8
+ "__asm__",
9
+ "__azj__",
10
+ "__bel__",
11
+ "__ben__",
12
+ "__bos__",
13
+ "__bul__",
14
+ "__cat__",
15
+ "__ceb__",
16
+ "__ces__",
17
+ "__ckb__",
18
+ "__cmn__",
19
+ "__cmn_Hant__",
20
+ "__cym__",
21
+ "__dan__",
22
+ "__deu__",
23
+ "__ell__",
24
+ "__eng__",
25
+ "__est__",
26
+ "__eus__",
27
+ "__fin__",
28
+ "__fra__",
29
+ "__fuv__",
30
+ "__gaz__",
31
+ "__gle__",
32
+ "__glg__",
33
+ "__guj__",
34
+ "__heb__",
35
+ "__hin__",
36
+ "__hrv__",
37
+ "__hun__",
38
+ "__hye__",
39
+ "__ibo__",
40
+ "__ind__",
41
+ "__isl__",
42
+ "__ita__",
43
+ "__jav__",
44
+ "__jpn__",
45
+ "__kan__",
46
+ "__kat__",
47
+ "__kaz__",
48
+ "__khk__",
49
+ "__khm__",
50
+ "__kir__",
51
+ "__kor__",
52
+ "__lao__",
53
+ "__lit__",
54
+ "__lug__",
55
+ "__luo__",
56
+ "__lvs__",
57
+ "__mai__",
58
+ "__mal__",
59
+ "__mar__",
60
+ "__mkd__",
61
+ "__mlt__",
62
+ "__mni__",
63
+ "__mya__",
64
+ "__nld__",
65
+ "__nno__",
66
+ "__nob__",
67
+ "__npi__",
68
+ "__nya__",
69
+ "__ory__",
70
+ "__pan__",
71
+ "__pbt__",
72
+ "__pes__",
73
+ "__pol__",
74
+ "__por__",
75
+ "__ron__",
76
+ "__rus__",
77
+ "__sat__",
78
+ "__slk__",
79
+ "__slv__",
80
+ "__sna__",
81
+ "__snd__",
82
+ "__som__",
83
+ "__spa__",
84
+ "__srp__",
85
+ "__swe__",
86
+ "__swh__",
87
+ "__tam__",
88
+ "__tel__",
89
+ "__tgk__",
90
+ "__tgl__",
91
+ "__tha__",
92
+ "__tur__",
93
+ "__ukr__",
94
+ "__urd__",
95
+ "__uzn__",
96
+ "__vie__",
97
+ "__yor__",
98
+ "__yue__",
99
+ "__zlm__",
100
+ "__zul__"
101
+ ],
102
+ "bos_token": {
103
+ "content": "<s>",
104
+ "lstrip": false,
105
+ "normalized": false,
106
+ "rstrip": false,
107
+ "single_word": false
108
+ },
109
+ "cls_token": {
110
+ "content": "<s>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false
115
+ },
116
+ "eos_token": {
117
+ "content": "</s>",
118
+ "lstrip": false,
119
+ "normalized": false,
120
+ "rstrip": false,
121
+ "single_word": false
122
+ },
123
+ "pad_token": {
124
+ "content": "<pad>",
125
+ "lstrip": false,
126
+ "normalized": false,
127
+ "rstrip": false,
128
+ "single_word": false
129
+ },
130
+ "sep_token": {
131
+ "content": "</s>",
132
+ "lstrip": false,
133
+ "normalized": false,
134
+ "rstrip": false,
135
+ "single_word": false
136
+ },
137
+ "unk_token": {
138
+ "content": "<unk>",
139
+ "lstrip": false,
140
+ "normalized": false,
141
+ "rstrip": false,
142
+ "single_word": false
143
+ }
144
+ }
spm_char_lang38_tc.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9e7f2075dbc38dbe11d2414bfa4fb8e900022e87bbff4f74c97817e32a7ab493
3
+ size 368901
tokenizer.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:026a76827537db9f1348e4d5aaa127bb10a2f2ff633243f3a52d16be82d73f9d
3
+ size 5165809
tokenizer_config.json ADDED
@@ -0,0 +1,933 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "<pad>",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "1": {
12
+ "content": "<unk>",
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
+ "3": {
28
+ "content": "</s>",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "256001": {
36
+ "content": "__afr__",
37
+ "lstrip": false,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ },
43
+ "256002": {
44
+ "content": "__amh__",
45
+ "lstrip": false,
46
+ "normalized": false,
47
+ "rstrip": false,
48
+ "single_word": false,
49
+ "special": true
50
+ },
51
+ "256003": {
52
+ "content": "__arb__",
53
+ "lstrip": false,
54
+ "normalized": false,
55
+ "rstrip": false,
56
+ "single_word": false,
57
+ "special": true
58
+ },
59
+ "256004": {
60
+ "content": "__ary__",
61
+ "lstrip": false,
62
+ "normalized": false,
63
+ "rstrip": false,
64
+ "single_word": false,
65
+ "special": true
66
+ },
67
+ "256005": {
68
+ "content": "__arz__",
69
+ "lstrip": false,
70
+ "normalized": false,
71
+ "rstrip": false,
72
+ "single_word": false,
73
+ "special": true
74
+ },
75
+ "256006": {
76
+ "content": "__asm__",
77
+ "lstrip": false,
78
+ "normalized": false,
79
+ "rstrip": false,
80
+ "single_word": false,
81
+ "special": true
82
+ },
83
+ "256007": {
84
+ "content": "__azj__",
85
+ "lstrip": false,
86
+ "normalized": false,
87
+ "rstrip": false,
88
+ "single_word": false,
89
+ "special": true
90
+ },
91
+ "256008": {
92
+ "content": "__bel__",
93
+ "lstrip": false,
94
+ "normalized": false,
95
+ "rstrip": false,
96
+ "single_word": false,
97
+ "special": true
98
+ },
99
+ "256009": {
100
+ "content": "__ben__",
101
+ "lstrip": false,
102
+ "normalized": false,
103
+ "rstrip": false,
104
+ "single_word": false,
105
+ "special": true
106
+ },
107
+ "256010": {
108
+ "content": "__bos__",
109
+ "lstrip": false,
110
+ "normalized": false,
111
+ "rstrip": false,
112
+ "single_word": false,
113
+ "special": true
114
+ },
115
+ "256011": {
116
+ "content": "__bul__",
117
+ "lstrip": false,
118
+ "normalized": false,
119
+ "rstrip": false,
120
+ "single_word": false,
121
+ "special": true
122
+ },
123
+ "256012": {
124
+ "content": "__cat__",
125
+ "lstrip": false,
126
+ "normalized": false,
127
+ "rstrip": false,
128
+ "single_word": false,
129
+ "special": true
130
+ },
131
+ "256013": {
132
+ "content": "__ceb__",
133
+ "lstrip": false,
134
+ "normalized": false,
135
+ "rstrip": false,
136
+ "single_word": false,
137
+ "special": true
138
+ },
139
+ "256014": {
140
+ "content": "__ces__",
141
+ "lstrip": false,
142
+ "normalized": false,
143
+ "rstrip": false,
144
+ "single_word": false,
145
+ "special": true
146
+ },
147
+ "256015": {
148
+ "content": "__ckb__",
149
+ "lstrip": false,
150
+ "normalized": false,
151
+ "rstrip": false,
152
+ "single_word": false,
153
+ "special": true
154
+ },
155
+ "256016": {
156
+ "content": "__cmn__",
157
+ "lstrip": false,
158
+ "normalized": false,
159
+ "rstrip": false,
160
+ "single_word": false,
161
+ "special": true
162
+ },
163
+ "256017": {
164
+ "content": "__cmn_Hant__",
165
+ "lstrip": false,
166
+ "normalized": false,
167
+ "rstrip": false,
168
+ "single_word": false,
169
+ "special": true
170
+ },
171
+ "256018": {
172
+ "content": "__cym__",
173
+ "lstrip": false,
174
+ "normalized": false,
175
+ "rstrip": false,
176
+ "single_word": false,
177
+ "special": true
178
+ },
179
+ "256019": {
180
+ "content": "__dan__",
181
+ "lstrip": false,
182
+ "normalized": false,
183
+ "rstrip": false,
184
+ "single_word": false,
185
+ "special": true
186
+ },
187
+ "256020": {
188
+ "content": "__deu__",
189
+ "lstrip": false,
190
+ "normalized": false,
191
+ "rstrip": false,
192
+ "single_word": false,
193
+ "special": true
194
+ },
195
+ "256021": {
196
+ "content": "__ell__",
197
+ "lstrip": false,
198
+ "normalized": false,
199
+ "rstrip": false,
200
+ "single_word": false,
201
+ "special": true
202
+ },
203
+ "256022": {
204
+ "content": "__eng__",
205
+ "lstrip": false,
206
+ "normalized": false,
207
+ "rstrip": false,
208
+ "single_word": false,
209
+ "special": true
210
+ },
211
+ "256023": {
212
+ "content": "__est__",
213
+ "lstrip": false,
214
+ "normalized": false,
215
+ "rstrip": false,
216
+ "single_word": false,
217
+ "special": true
218
+ },
219
+ "256024": {
220
+ "content": "__eus__",
221
+ "lstrip": false,
222
+ "normalized": false,
223
+ "rstrip": false,
224
+ "single_word": false,
225
+ "special": true
226
+ },
227
+ "256025": {
228
+ "content": "__fin__",
229
+ "lstrip": false,
230
+ "normalized": false,
231
+ "rstrip": false,
232
+ "single_word": false,
233
+ "special": true
234
+ },
235
+ "256026": {
236
+ "content": "__fra__",
237
+ "lstrip": false,
238
+ "normalized": false,
239
+ "rstrip": false,
240
+ "single_word": false,
241
+ "special": true
242
+ },
243
+ "256027": {
244
+ "content": "__fuv__",
245
+ "lstrip": false,
246
+ "normalized": false,
247
+ "rstrip": false,
248
+ "single_word": false,
249
+ "special": true
250
+ },
251
+ "256028": {
252
+ "content": "__gaz__",
253
+ "lstrip": false,
254
+ "normalized": false,
255
+ "rstrip": false,
256
+ "single_word": false,
257
+ "special": true
258
+ },
259
+ "256029": {
260
+ "content": "__gle__",
261
+ "lstrip": false,
262
+ "normalized": false,
263
+ "rstrip": false,
264
+ "single_word": false,
265
+ "special": true
266
+ },
267
+ "256030": {
268
+ "content": "__glg__",
269
+ "lstrip": false,
270
+ "normalized": false,
271
+ "rstrip": false,
272
+ "single_word": false,
273
+ "special": true
274
+ },
275
+ "256031": {
276
+ "content": "__guj__",
277
+ "lstrip": false,
278
+ "normalized": false,
279
+ "rstrip": false,
280
+ "single_word": false,
281
+ "special": true
282
+ },
283
+ "256032": {
284
+ "content": "__heb__",
285
+ "lstrip": false,
286
+ "normalized": false,
287
+ "rstrip": false,
288
+ "single_word": false,
289
+ "special": true
290
+ },
291
+ "256033": {
292
+ "content": "__hin__",
293
+ "lstrip": false,
294
+ "normalized": false,
295
+ "rstrip": false,
296
+ "single_word": false,
297
+ "special": true
298
+ },
299
+ "256034": {
300
+ "content": "__hrv__",
301
+ "lstrip": false,
302
+ "normalized": false,
303
+ "rstrip": false,
304
+ "single_word": false,
305
+ "special": true
306
+ },
307
+ "256035": {
308
+ "content": "__hun__",
309
+ "lstrip": false,
310
+ "normalized": false,
311
+ "rstrip": false,
312
+ "single_word": false,
313
+ "special": true
314
+ },
315
+ "256036": {
316
+ "content": "__hye__",
317
+ "lstrip": false,
318
+ "normalized": false,
319
+ "rstrip": false,
320
+ "single_word": false,
321
+ "special": true
322
+ },
323
+ "256037": {
324
+ "content": "__ibo__",
325
+ "lstrip": false,
326
+ "normalized": false,
327
+ "rstrip": false,
328
+ "single_word": false,
329
+ "special": true
330
+ },
331
+ "256038": {
332
+ "content": "__ind__",
333
+ "lstrip": false,
334
+ "normalized": false,
335
+ "rstrip": false,
336
+ "single_word": false,
337
+ "special": true
338
+ },
339
+ "256039": {
340
+ "content": "__isl__",
341
+ "lstrip": false,
342
+ "normalized": false,
343
+ "rstrip": false,
344
+ "single_word": false,
345
+ "special": true
346
+ },
347
+ "256040": {
348
+ "content": "__ita__",
349
+ "lstrip": false,
350
+ "normalized": false,
351
+ "rstrip": false,
352
+ "single_word": false,
353
+ "special": true
354
+ },
355
+ "256041": {
356
+ "content": "__jav__",
357
+ "lstrip": false,
358
+ "normalized": false,
359
+ "rstrip": false,
360
+ "single_word": false,
361
+ "special": true
362
+ },
363
+ "256042": {
364
+ "content": "__jpn__",
365
+ "lstrip": false,
366
+ "normalized": false,
367
+ "rstrip": false,
368
+ "single_word": false,
369
+ "special": true
370
+ },
371
+ "256043": {
372
+ "content": "__kan__",
373
+ "lstrip": false,
374
+ "normalized": false,
375
+ "rstrip": false,
376
+ "single_word": false,
377
+ "special": true
378
+ },
379
+ "256044": {
380
+ "content": "__kat__",
381
+ "lstrip": false,
382
+ "normalized": false,
383
+ "rstrip": false,
384
+ "single_word": false,
385
+ "special": true
386
+ },
387
+ "256045": {
388
+ "content": "__kaz__",
389
+ "lstrip": false,
390
+ "normalized": false,
391
+ "rstrip": false,
392
+ "single_word": false,
393
+ "special": true
394
+ },
395
+ "256046": {
396
+ "content": "__khk__",
397
+ "lstrip": false,
398
+ "normalized": false,
399
+ "rstrip": false,
400
+ "single_word": false,
401
+ "special": true
402
+ },
403
+ "256047": {
404
+ "content": "__khm__",
405
+ "lstrip": false,
406
+ "normalized": false,
407
+ "rstrip": false,
408
+ "single_word": false,
409
+ "special": true
410
+ },
411
+ "256048": {
412
+ "content": "__kir__",
413
+ "lstrip": false,
414
+ "normalized": false,
415
+ "rstrip": false,
416
+ "single_word": false,
417
+ "special": true
418
+ },
419
+ "256049": {
420
+ "content": "__kor__",
421
+ "lstrip": false,
422
+ "normalized": false,
423
+ "rstrip": false,
424
+ "single_word": false,
425
+ "special": true
426
+ },
427
+ "256050": {
428
+ "content": "__lao__",
429
+ "lstrip": false,
430
+ "normalized": false,
431
+ "rstrip": false,
432
+ "single_word": false,
433
+ "special": true
434
+ },
435
+ "256051": {
436
+ "content": "__lit__",
437
+ "lstrip": false,
438
+ "normalized": false,
439
+ "rstrip": false,
440
+ "single_word": false,
441
+ "special": true
442
+ },
443
+ "256052": {
444
+ "content": "__lug__",
445
+ "lstrip": false,
446
+ "normalized": false,
447
+ "rstrip": false,
448
+ "single_word": false,
449
+ "special": true
450
+ },
451
+ "256053": {
452
+ "content": "__luo__",
453
+ "lstrip": false,
454
+ "normalized": false,
455
+ "rstrip": false,
456
+ "single_word": false,
457
+ "special": true
458
+ },
459
+ "256054": {
460
+ "content": "__lvs__",
461
+ "lstrip": false,
462
+ "normalized": false,
463
+ "rstrip": false,
464
+ "single_word": false,
465
+ "special": true
466
+ },
467
+ "256055": {
468
+ "content": "__mai__",
469
+ "lstrip": false,
470
+ "normalized": false,
471
+ "rstrip": false,
472
+ "single_word": false,
473
+ "special": true
474
+ },
475
+ "256056": {
476
+ "content": "__mal__",
477
+ "lstrip": false,
478
+ "normalized": false,
479
+ "rstrip": false,
480
+ "single_word": false,
481
+ "special": true
482
+ },
483
+ "256057": {
484
+ "content": "__mar__",
485
+ "lstrip": false,
486
+ "normalized": false,
487
+ "rstrip": false,
488
+ "single_word": false,
489
+ "special": true
490
+ },
491
+ "256058": {
492
+ "content": "__mkd__",
493
+ "lstrip": false,
494
+ "normalized": false,
495
+ "rstrip": false,
496
+ "single_word": false,
497
+ "special": true
498
+ },
499
+ "256059": {
500
+ "content": "__mlt__",
501
+ "lstrip": false,
502
+ "normalized": false,
503
+ "rstrip": false,
504
+ "single_word": false,
505
+ "special": true
506
+ },
507
+ "256060": {
508
+ "content": "__mni__",
509
+ "lstrip": false,
510
+ "normalized": false,
511
+ "rstrip": false,
512
+ "single_word": false,
513
+ "special": true
514
+ },
515
+ "256061": {
516
+ "content": "__mya__",
517
+ "lstrip": false,
518
+ "normalized": false,
519
+ "rstrip": false,
520
+ "single_word": false,
521
+ "special": true
522
+ },
523
+ "256062": {
524
+ "content": "__nld__",
525
+ "lstrip": false,
526
+ "normalized": false,
527
+ "rstrip": false,
528
+ "single_word": false,
529
+ "special": true
530
+ },
531
+ "256063": {
532
+ "content": "__nno__",
533
+ "lstrip": false,
534
+ "normalized": false,
535
+ "rstrip": false,
536
+ "single_word": false,
537
+ "special": true
538
+ },
539
+ "256064": {
540
+ "content": "__nob__",
541
+ "lstrip": false,
542
+ "normalized": false,
543
+ "rstrip": false,
544
+ "single_word": false,
545
+ "special": true
546
+ },
547
+ "256065": {
548
+ "content": "__npi__",
549
+ "lstrip": false,
550
+ "normalized": false,
551
+ "rstrip": false,
552
+ "single_word": false,
553
+ "special": true
554
+ },
555
+ "256066": {
556
+ "content": "__nya__",
557
+ "lstrip": false,
558
+ "normalized": false,
559
+ "rstrip": false,
560
+ "single_word": false,
561
+ "special": true
562
+ },
563
+ "256067": {
564
+ "content": "__ory__",
565
+ "lstrip": false,
566
+ "normalized": false,
567
+ "rstrip": false,
568
+ "single_word": false,
569
+ "special": true
570
+ },
571
+ "256068": {
572
+ "content": "__pan__",
573
+ "lstrip": false,
574
+ "normalized": false,
575
+ "rstrip": false,
576
+ "single_word": false,
577
+ "special": true
578
+ },
579
+ "256069": {
580
+ "content": "__pbt__",
581
+ "lstrip": false,
582
+ "normalized": false,
583
+ "rstrip": false,
584
+ "single_word": false,
585
+ "special": true
586
+ },
587
+ "256070": {
588
+ "content": "__pes__",
589
+ "lstrip": false,
590
+ "normalized": false,
591
+ "rstrip": false,
592
+ "single_word": false,
593
+ "special": true
594
+ },
595
+ "256071": {
596
+ "content": "__pol__",
597
+ "lstrip": false,
598
+ "normalized": false,
599
+ "rstrip": false,
600
+ "single_word": false,
601
+ "special": true
602
+ },
603
+ "256072": {
604
+ "content": "__por__",
605
+ "lstrip": false,
606
+ "normalized": false,
607
+ "rstrip": false,
608
+ "single_word": false,
609
+ "special": true
610
+ },
611
+ "256073": {
612
+ "content": "__ron__",
613
+ "lstrip": false,
614
+ "normalized": false,
615
+ "rstrip": false,
616
+ "single_word": false,
617
+ "special": true
618
+ },
619
+ "256074": {
620
+ "content": "__rus__",
621
+ "lstrip": false,
622
+ "normalized": false,
623
+ "rstrip": false,
624
+ "single_word": false,
625
+ "special": true
626
+ },
627
+ "256075": {
628
+ "content": "__sat__",
629
+ "lstrip": false,
630
+ "normalized": false,
631
+ "rstrip": false,
632
+ "single_word": false,
633
+ "special": true
634
+ },
635
+ "256076": {
636
+ "content": "__slk__",
637
+ "lstrip": false,
638
+ "normalized": false,
639
+ "rstrip": false,
640
+ "single_word": false,
641
+ "special": true
642
+ },
643
+ "256077": {
644
+ "content": "__slv__",
645
+ "lstrip": false,
646
+ "normalized": false,
647
+ "rstrip": false,
648
+ "single_word": false,
649
+ "special": true
650
+ },
651
+ "256078": {
652
+ "content": "__sna__",
653
+ "lstrip": false,
654
+ "normalized": false,
655
+ "rstrip": false,
656
+ "single_word": false,
657
+ "special": true
658
+ },
659
+ "256079": {
660
+ "content": "__snd__",
661
+ "lstrip": false,
662
+ "normalized": false,
663
+ "rstrip": false,
664
+ "single_word": false,
665
+ "special": true
666
+ },
667
+ "256080": {
668
+ "content": "__som__",
669
+ "lstrip": false,
670
+ "normalized": false,
671
+ "rstrip": false,
672
+ "single_word": false,
673
+ "special": true
674
+ },
675
+ "256081": {
676
+ "content": "__spa__",
677
+ "lstrip": false,
678
+ "normalized": false,
679
+ "rstrip": false,
680
+ "single_word": false,
681
+ "special": true
682
+ },
683
+ "256082": {
684
+ "content": "__srp__",
685
+ "lstrip": false,
686
+ "normalized": false,
687
+ "rstrip": false,
688
+ "single_word": false,
689
+ "special": true
690
+ },
691
+ "256083": {
692
+ "content": "__swe__",
693
+ "lstrip": false,
694
+ "normalized": false,
695
+ "rstrip": false,
696
+ "single_word": false,
697
+ "special": true
698
+ },
699
+ "256084": {
700
+ "content": "__swh__",
701
+ "lstrip": false,
702
+ "normalized": false,
703
+ "rstrip": false,
704
+ "single_word": false,
705
+ "special": true
706
+ },
707
+ "256085": {
708
+ "content": "__tam__",
709
+ "lstrip": false,
710
+ "normalized": false,
711
+ "rstrip": false,
712
+ "single_word": false,
713
+ "special": true
714
+ },
715
+ "256086": {
716
+ "content": "__tel__",
717
+ "lstrip": false,
718
+ "normalized": false,
719
+ "rstrip": false,
720
+ "single_word": false,
721
+ "special": true
722
+ },
723
+ "256087": {
724
+ "content": "__tgk__",
725
+ "lstrip": false,
726
+ "normalized": false,
727
+ "rstrip": false,
728
+ "single_word": false,
729
+ "special": true
730
+ },
731
+ "256088": {
732
+ "content": "__tgl__",
733
+ "lstrip": false,
734
+ "normalized": false,
735
+ "rstrip": false,
736
+ "single_word": false,
737
+ "special": true
738
+ },
739
+ "256089": {
740
+ "content": "__tha__",
741
+ "lstrip": false,
742
+ "normalized": false,
743
+ "rstrip": false,
744
+ "single_word": false,
745
+ "special": true
746
+ },
747
+ "256090": {
748
+ "content": "__tur__",
749
+ "lstrip": false,
750
+ "normalized": false,
751
+ "rstrip": false,
752
+ "single_word": false,
753
+ "special": true
754
+ },
755
+ "256091": {
756
+ "content": "__ukr__",
757
+ "lstrip": false,
758
+ "normalized": false,
759
+ "rstrip": false,
760
+ "single_word": false,
761
+ "special": true
762
+ },
763
+ "256092": {
764
+ "content": "__urd__",
765
+ "lstrip": false,
766
+ "normalized": false,
767
+ "rstrip": false,
768
+ "single_word": false,
769
+ "special": true
770
+ },
771
+ "256093": {
772
+ "content": "__uzn__",
773
+ "lstrip": false,
774
+ "normalized": false,
775
+ "rstrip": false,
776
+ "single_word": false,
777
+ "special": true
778
+ },
779
+ "256094": {
780
+ "content": "__vie__",
781
+ "lstrip": false,
782
+ "normalized": false,
783
+ "rstrip": false,
784
+ "single_word": false,
785
+ "special": true
786
+ },
787
+ "256095": {
788
+ "content": "__yor__",
789
+ "lstrip": false,
790
+ "normalized": false,
791
+ "rstrip": false,
792
+ "single_word": false,
793
+ "special": true
794
+ },
795
+ "256096": {
796
+ "content": "__yue__",
797
+ "lstrip": false,
798
+ "normalized": false,
799
+ "rstrip": false,
800
+ "single_word": false,
801
+ "special": true
802
+ },
803
+ "256097": {
804
+ "content": "__zlm__",
805
+ "lstrip": false,
806
+ "normalized": false,
807
+ "rstrip": false,
808
+ "single_word": false,
809
+ "special": true
810
+ },
811
+ "256098": {
812
+ "content": "__zul__",
813
+ "lstrip": false,
814
+ "normalized": false,
815
+ "rstrip": false,
816
+ "single_word": false,
817
+ "special": true
818
+ }
819
+ },
820
+ "additional_special_tokens": [
821
+ "__afr__",
822
+ "__amh__",
823
+ "__arb__",
824
+ "__ary__",
825
+ "__arz__",
826
+ "__asm__",
827
+ "__azj__",
828
+ "__bel__",
829
+ "__ben__",
830
+ "__bos__",
831
+ "__bul__",
832
+ "__cat__",
833
+ "__ceb__",
834
+ "__ces__",
835
+ "__ckb__",
836
+ "__cmn__",
837
+ "__cmn_Hant__",
838
+ "__cym__",
839
+ "__dan__",
840
+ "__deu__",
841
+ "__ell__",
842
+ "__eng__",
843
+ "__est__",
844
+ "__eus__",
845
+ "__fin__",
846
+ "__fra__",
847
+ "__fuv__",
848
+ "__gaz__",
849
+ "__gle__",
850
+ "__glg__",
851
+ "__guj__",
852
+ "__heb__",
853
+ "__hin__",
854
+ "__hrv__",
855
+ "__hun__",
856
+ "__hye__",
857
+ "__ibo__",
858
+ "__ind__",
859
+ "__isl__",
860
+ "__ita__",
861
+ "__jav__",
862
+ "__jpn__",
863
+ "__kan__",
864
+ "__kat__",
865
+ "__kaz__",
866
+ "__khk__",
867
+ "__khm__",
868
+ "__kir__",
869
+ "__kor__",
870
+ "__lao__",
871
+ "__lit__",
872
+ "__lug__",
873
+ "__luo__",
874
+ "__lvs__",
875
+ "__mai__",
876
+ "__mal__",
877
+ "__mar__",
878
+ "__mkd__",
879
+ "__mlt__",
880
+ "__mni__",
881
+ "__mya__",
882
+ "__nld__",
883
+ "__nno__",
884
+ "__nob__",
885
+ "__npi__",
886
+ "__nya__",
887
+ "__ory__",
888
+ "__pan__",
889
+ "__pbt__",
890
+ "__pes__",
891
+ "__pol__",
892
+ "__por__",
893
+ "__ron__",
894
+ "__rus__",
895
+ "__sat__",
896
+ "__slk__",
897
+ "__slv__",
898
+ "__sna__",
899
+ "__snd__",
900
+ "__som__",
901
+ "__spa__",
902
+ "__srp__",
903
+ "__swe__",
904
+ "__swh__",
905
+ "__tam__",
906
+ "__tel__",
907
+ "__tgk__",
908
+ "__tgl__",
909
+ "__tha__",
910
+ "__tur__",
911
+ "__ukr__",
912
+ "__urd__",
913
+ "__uzn__",
914
+ "__vie__",
915
+ "__yor__",
916
+ "__yue__",
917
+ "__zlm__",
918
+ "__zul__"
919
+ ],
920
+ "bos_token": "<s>",
921
+ "clean_up_tokenization_spaces": true,
922
+ "cls_token": "<s>",
923
+ "eos_token": "</s>",
924
+ "model_max_length": 1000000000000000019884624838656,
925
+ "pad_token": "<pad>",
926
+ "processor_class": "SeamlessM4TProcessor",
927
+ "sep_token": "</s>",
928
+ "sp_model_kwargs": {},
929
+ "src_lang": "__eng__",
930
+ "tgt_lang": "__fra__",
931
+ "tokenizer_class": "SeamlessM4TTokenizer",
932
+ "unk_token": "<unk>"
933
+ }