brian-remodl commited on
Commit
a898003
·
verified ·
1 Parent(s): de3ea41

Upload folder using huggingface_hub

Browse files
README.md CHANGED
@@ -1,3 +1,107 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  # Nova Embeddings V1
2
 
3
  > 🚀 **Industry First: Multimodal Multi-Vector Embeddings with Runtime Instruction Tuning**
@@ -752,7 +856,7 @@ remodlai/nova-embeddings-v1/
752
  ├── adapters/
753
  │ ├── retrieval/
754
  │ │ ├── adapter_config.json # r=32, target_modules=[output_proj]
755
- │ │ └── adapter_model.safetensors # ~4MB projector-only LoRA
756
  │ ├── text-matching/
757
  │ └── code/
758
  ├── configuration_nova_embeddings_v1.py # NovaEmbeddingsV1Config
@@ -765,9 +869,9 @@ remodlai/nova-embeddings-v1/
765
  Nova adapters modify **only** the vision-language projector (the MLP that projects vision encoder outputs into the language model's embedding space). This design:
766
 
767
  1. **Preserves pretrained quality**: Vision encoder (SigLIP) and LLM (Qwen2.5-VL) remain frozen, maintaining Jina's training investment
768
- 2. **Minimizes adapter size**: Each adapter is ~4MB vs ~500MB+ for full model fine-tuning
769
  3. **Enables fast switching**: Nova can swap adapters with <10ms overhead during inference
770
- 4. **Reduces memory pressure**: Base model (3B params) loaded once; adapters add <0.1% memory overhead
771
 
772
  **Adapter Configuration:**
773
  ```json
@@ -867,8 +971,8 @@ Adapters can be overridden per-item via the `adapter` field for A/B testing or c
867
 
868
  | Mode | Base Model | Per Adapter | Total (3 adapters) |
869
  |------|-----------|-------------|-------------------|
870
- | FP16 | ~6.5GB | ~4MB | ~6.6GB |
871
- | BF16 | ~6.5GB | ~4MB | ~6.6GB |
872
 
873
  **Multi-vector mode** adds ~2GB for KV cache depending on batch size and sequence lengths.
874
 
@@ -1102,6 +1206,78 @@ This model inherits licensing from its base components:
1102
 
1103
  ---
1104
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1105
  ## Citation
1106
 
1107
  If you use Nova Embeddings V1 in research, please cite both the Nova packaging and upstream Jina V4:
@@ -1130,4 +1306,14 @@ If you use Nova Embeddings V1 in research, please cite both the Nova packaging a
1130
 
1131
  - **Issues**: [GitHub Issues](https://github.com/remodlai/nova-embeddings-v1/issues)
1132
  - **Documentation**: [Nova Docs](https://docs.nova.ai)
1133
- - **Enterprise Support**: Contact your account representative
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ language:
3
+ - multilingual
4
+ - en
5
+ - zh
6
+ - ja
7
+ - ko
8
+ - ar
9
+ - de
10
+ - es
11
+ - fr
12
+ - hi
13
+ - it
14
+ - pt
15
+ - ru
16
+ license: other
17
+ license_name: qwen-research-license
18
+ license_link: https://huggingface.co/Qwen/Qwen2.5-VL-3B-Instruct
19
+ library_name: transformers
20
+ pipeline_tag: feature-extraction
21
+ tags:
22
+ - embeddings
23
+ - multimodal
24
+ - vision
25
+ - code
26
+ - multilingual
27
+ - instruction-tuning
28
+ - retrieval
29
+ - text-matching
30
+ - sentence-similarity
31
+ - late-interaction
32
+ - multi-vector
33
+ - mteb
34
+ - vidore
35
+ - lora
36
+ - adapter
37
+ - nova
38
+ - runtime-instructions
39
+ - feature-extraction
40
+ base_model:
41
+ - Qwen/Qwen2.5-VL-3B-Instruct
42
+ - jinaai/jina-embeddings-v4
43
+ metrics:
44
+ - precision
45
+ - recall
46
+ - ndcg
47
+ - mrr
48
+ model-index:
49
+ - name: nova-embeddings-v1
50
+ results:
51
+ - task:
52
+ type: retrieval
53
+ name: Legal Document Retrieval
54
+ dataset:
55
+ name: US Case Law Corpus
56
+ type: legal-retrieval
57
+ metrics:
58
+ - type: precision@10
59
+ value: 79.1
60
+ name: P@10 (with instructions)
61
+ - type: precision@10
62
+ value: 62.3
63
+ name: P@10 (baseline)
64
+ - task:
65
+ type: retrieval
66
+ name: Medical Literature Search
67
+ dataset:
68
+ name: PubMed Abstracts
69
+ type: medical-retrieval
70
+ metrics:
71
+ - type: ndcg@20
72
+ value: 0.843
73
+ name: NDCG@20 (with instructions)
74
+ - type: ndcg@20
75
+ value: 0.701
76
+ name: NDCG@20 (baseline)
77
+ - task:
78
+ type: retrieval
79
+ name: Financial Compliance
80
+ dataset:
81
+ name: SEC Filings
82
+ type: financial-retrieval
83
+ metrics:
84
+ - type: mrr
85
+ value: 0.712
86
+ name: MRR (with instructions)
87
+ - type: mrr
88
+ value: 0.554
89
+ name: MRR (baseline)
90
+ - task:
91
+ type: code-retrieval
92
+ name: Code Search
93
+ dataset:
94
+ name: GitHub Functions
95
+ type: code-search
96
+ metrics:
97
+ - type: exact_match@5
98
+ value: 53.8
99
+ name: EM@5 (with instructions)
100
+ - type: exact_match@5
101
+ value: 41.2
102
+ name: EM@5 (baseline)
103
+ ---
104
+
105
  # Nova Embeddings V1
106
 
107
  > 🚀 **Industry First: Multimodal Multi-Vector Embeddings with Runtime Instruction Tuning**
 
856
  ├── adapters/
857
  │ ├── retrieval/
858
  │ │ ├── adapter_config.json # r=32, target_modules=[output_proj]
859
+ │ │ └── adapter_model.safetensors # ~121MB projector-only LoRA
860
  │ ├── text-matching/
861
  │ └── code/
862
  ├── configuration_nova_embeddings_v1.py # NovaEmbeddingsV1Config
 
869
  Nova adapters modify **only** the vision-language projector (the MLP that projects vision encoder outputs into the language model's embedding space). This design:
870
 
871
  1. **Preserves pretrained quality**: Vision encoder (SigLIP) and LLM (Qwen2.5-VL) remain frozen, maintaining Jina's training investment
872
+ 2. **Minimizes adapter size**: Each adapter is ~121MB vs ~500MB+ for full model fine-tuning
873
  3. **Enables fast switching**: Nova can swap adapters with <10ms overhead during inference
874
+ 4. **Reduces memory pressure**: Base model (3B params) loaded once; adapters add ~4% memory overhead per adapter
875
 
876
  **Adapter Configuration:**
877
  ```json
 
971
 
972
  | Mode | Base Model | Per Adapter | Total (3 adapters) |
973
  |------|-----------|-------------|-------------------|
974
+ | FP16 | ~6.5GB | ~121MB | ~6.9GB |
975
+ | BF16 | ~6.5GB | ~121MB | ~6.9GB |
976
 
977
  **Multi-vector mode** adds ~2GB for KV cache depending on batch size and sequence lengths.
978
 
 
1206
 
1207
  ---
1208
 
1209
+ ## Model Details
1210
+
1211
+ ### Model Description
1212
+
1213
+ Nova Embeddings V1 is a production-optimized multimodal embedding model that extends Jina Embeddings V4 with runtime instruction tuning capabilities. It combines vision, text, and code understanding with dynamic domain adaptation through per-request instructions.
1214
+
1215
+ - **Developed by:** Remodl AI
1216
+ - **Model type:** Multimodal Embedding Model
1217
+ - **Base Model:** Jina Embeddings V4 (built on Qwen2.5-VL-3B-Instruct)
1218
+ - **Language(s):** Multilingual (30+ languages including English, Chinese, Japanese, Korean, Arabic, German, Spanish, French, Hindi, Italian, Portuguese, Russian)
1219
+ - **License:** Qwen Research License (inherited from base model)
1220
+ - **Finetuned from:** jinaai/jina-embeddings-v4
1221
+
1222
+ ### Model Architecture
1223
+
1224
+ - **Architecture:** Vision-Language Transformer with projector-only LoRA adapters
1225
+ - **Vision Encoder:** SigLIP (frozen)
1226
+ - **Language Model:** Qwen2.5-VL-3B (frozen)
1227
+ - **Adapters:** Projector-only LoRA (r=32) for retrieval, text-matching, and code tasks
1228
+ - **Parameters:** ~3B base model + ~121MB per adapter
1229
+ - **Embedding Dimensions:**
1230
+ - Single-vector: 2048 (matryoshka-truncatable to 128/256/512/1024)
1231
+ - Multi-vector: 128 per token
1232
+ - **Max Sequence Length:** 32,768 tokens
1233
+ - **Vision Input:** 729 patches (27×27 grid) per image
1234
+
1235
+ ### Training Data
1236
+
1237
+ Nova Embeddings V1 uses the same training data as Jina Embeddings V4:
1238
+ - Multilingual text pairs from 30+ languages
1239
+ - Multimodal (text+image) pairs for visual document understanding
1240
+ - Code-related pairs for programming language understanding
1241
+ - Task-specific adapters trained with contrastive learning
1242
+
1243
+ For detailed training data composition, see the [Jina V4 technical report](https://arxiv.org/abs/2506.18902).
1244
+
1245
+ ### Intended Use
1246
+
1247
+ **Primary Use Cases:**
1248
+ - Domain-specific document retrieval (legal, medical, financial)
1249
+ - Visual document understanding (charts, tables, technical diagrams)
1250
+ - Code search and semantic similarity
1251
+ - Multilingual information retrieval
1252
+ - Multi-tenant SaaS applications requiring per-customer domain tuning
1253
+
1254
+ **Out-of-Scope Use:**
1255
+ - Real-time video processing (static frames only)
1256
+ - Tasks requiring generation (use a generative model instead)
1257
+ - Audio/speech processing (text and vision only)
1258
+
1259
+ ### Limitations
1260
+
1261
+ - **License restrictions:** Non-commercial use only (see Qwen Research License)
1262
+ - **Instruction quality:** Generic instructions provide minimal improvement; domain expertise required
1263
+ - **Vision limitations:** Best for documents/charts, less optimized for natural scenes
1264
+ - **Latency:** Multimodal requests are 3-10x slower than text-only
1265
+ - **Context window:** While supporting 32k tokens, optimal performance at <8k
1266
+
1267
+ ### Bias and Fairness
1268
+
1269
+ Nova inherits biases from:
1270
+ 1. Jina V4's training data
1271
+ 2. Qwen2.5-VL's pretraining corpus
1272
+ 3. User-provided instructions (can amplify or introduce new biases)
1273
+
1274
+ **Recommendations:**
1275
+ - Evaluate on your specific domain before production deployment
1276
+ - Monitor instruction quality and audit for bias-inducing language
1277
+ - Test across demographic groups if used for sensitive applications
1278
+
1279
+ ---
1280
+
1281
  ## Citation
1282
 
1283
  If you use Nova Embeddings V1 in research, please cite both the Nova packaging and upstream Jina V4:
 
1306
 
1307
  - **Issues**: [GitHub Issues](https://github.com/remodlai/nova-embeddings-v1/issues)
1308
  - **Documentation**: [Nova Docs](https://docs.nova.ai)
1309
+ - **Enterprise Support**: Contact your account representative
1310
+
1311
+ ---
1312
+
1313
+ ## Model Card Authors
1314
+
1315
+ Remodl AI Team
1316
+
1317
+ ## Model Card Contact
1318
+
1319
+ For questions about this model card, contact: [email protected]
adapters/nova-embeddings-v1-adapter-code/adapter_config.json CHANGED
@@ -1,32 +1,3 @@
1
- {
2
- "alpha_pattern": {},
3
- "auto_mapping": null,
4
- "base_model_name_or_path": "jinaai/jina-embeddings-v4",
5
- "bias": "none",
6
- "corda_config": null,
7
- "eva_config": null,
8
- "exclude_modules": ".*visual.*",
9
- "fan_in_fan_out": false,
10
- "inference_mode": true,
11
- "init_lora_weights": "gaussian",
12
- "layer_replication": null,
13
- "layers_pattern": null,
14
- "layers_to_transform": null,
15
- "loftq_config": {},
16
- "lora_alpha": 32,
17
- "lora_bias": false,
18
- "lora_dropout": 0.1,
19
- "megatron_config": null,
20
- "megatron_core": "megatron.core",
21
- "modules_to_save": null,
22
- "peft_type": "LORA",
23
- "r": 32,
24
- "rank_pattern": {},
25
- "revision": null,
26
- "target_modules": "(.*(model).*(down_proj|gate_proj|up_proj|k_proj|q_proj|v_proj|o_proj).*$|.*(single_vector_projector|multi_vector_projector).*$)",
27
- "task_type": "FEATURE_EXTRACTION",
28
- "trainable_token_indices": null,
29
- "use_dora": false,
30
- "use_rslora": false,
31
- "task_name": "code"
32
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:aa5341ef2bd616d91d83f981e965ada31c14dfc36d53ddf19e3e4f991457493e
3
+ size 923
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
adapters/nova-embeddings-v1-adapter-retrieval/adapter_config.json CHANGED
@@ -1,32 +1,3 @@
1
- {
2
- "alpha_pattern": {},
3
- "auto_mapping": null,
4
- "base_model_name_or_path": "jinaai/jina-embeddings-v4",
5
- "bias": "none",
6
- "corda_config": null,
7
- "eva_config": null,
8
- "exclude_modules": ".*visual.*",
9
- "fan_in_fan_out": false,
10
- "inference_mode": true,
11
- "init_lora_weights": "gaussian",
12
- "layer_replication": null,
13
- "layers_pattern": null,
14
- "layers_to_transform": null,
15
- "loftq_config": {},
16
- "lora_alpha": 32,
17
- "lora_bias": false,
18
- "lora_dropout": 0.1,
19
- "megatron_config": null,
20
- "megatron_core": "megatron.core",
21
- "modules_to_save": null,
22
- "peft_type": "LORA",
23
- "r": 32,
24
- "rank_pattern": {},
25
- "revision": null,
26
- "target_modules": "(.*(model).*(down_proj|gate_proj|up_proj|k_proj|q_proj|v_proj|o_proj).*$|.*(single_vector_projector|multi_vector_projector).*$)",
27
- "task_type": "FEATURE_EXTRACTION",
28
- "trainable_token_indices": null,
29
- "use_dora": false,
30
- "use_rslora": false,
31
- "task_name": "retrieval"
32
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1b2bf6bf063bb56d987823d180bb75bc10f02d71384a55c9f9e8d4477a8404c5
3
+ size 928
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
adapters/nova-embeddings-v1-adapter-text-matching/adapter_config.json CHANGED
@@ -1,32 +1,3 @@
1
- {
2
- "alpha_pattern": {},
3
- "auto_mapping": null,
4
- "base_model_name_or_path": "jinaai/jina-embeddings-v4",
5
- "bias": "none",
6
- "corda_config": null,
7
- "eva_config": null,
8
- "exclude_modules": ".*visual.*",
9
- "fan_in_fan_out": false,
10
- "inference_mode": true,
11
- "init_lora_weights": "gaussian",
12
- "layer_replication": null,
13
- "layers_pattern": null,
14
- "layers_to_transform": null,
15
- "loftq_config": {},
16
- "lora_alpha": 32,
17
- "lora_bias": false,
18
- "lora_dropout": 0.1,
19
- "megatron_config": null,
20
- "megatron_core": "megatron.core",
21
- "modules_to_save": null,
22
- "peft_type": "LORA",
23
- "r": 32,
24
- "rank_pattern": {},
25
- "revision": null,
26
- "target_modules": "(.*(model).*(down_proj|gate_proj|up_proj|k_proj|q_proj|v_proj|o_proj).*$|.*(single_vector_projector|multi_vector_projector).*$)",
27
- "task_type": "FEATURE_EXTRACTION",
28
- "trainable_token_indices": null,
29
- "use_dora": false,
30
- "use_rslora": false,
31
- "task_name": "text-matching"
32
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3534d3fc44715be78d07a3561ed303f1e6cab9f7e36f54283f47b01a2acb17bb
3
+ size 932
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
added_tokens.json CHANGED
@@ -1,24 +1,3 @@
1
- {
2
- "</tool_call>": 151658,
3
- "<tool_call>": 151657,
4
- "<|box_end|>": 151649,
5
- "<|box_start|>": 151648,
6
- "<|endoftext|>": 151643,
7
- "<|file_sep|>": 151664,
8
- "<|fim_middle|>": 151660,
9
- "<|fim_pad|>": 151662,
10
- "<|fim_prefix|>": 151659,
11
- "<|fim_suffix|>": 151661,
12
- "<|im_end|>": 151645,
13
- "<|im_start|>": 151644,
14
- "<|image_pad|>": 151655,
15
- "<|object_ref_end|>": 151647,
16
- "<|object_ref_start|>": 151646,
17
- "<|quad_end|>": 151651,
18
- "<|quad_start|>": 151650,
19
- "<|repo_name|>": 151663,
20
- "<|video_pad|>": 151656,
21
- "<|vision_end|>": 151653,
22
- "<|vision_pad|>": 151654,
23
- "<|vision_start|>": 151652
24
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:58b54bbe36fc752f79a24a271ef66a0a0830054b4dfad94bde757d851968060b
3
+ size 605
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
chat_template.json CHANGED
@@ -1,3 +1,3 @@
1
- {
2
- "chat_template": "{% set image_count = namespace(value=0) %}{% set video_count = namespace(value=0) %}{% for message in messages %}{% if loop.first and message['role'] != 'system' %}<|im_start|>system\nYou are a helpful assistant.<|im_end|>\n{% endif %}<|im_start|>{{ message['role'] }}\n{% if message['content'] is string %}{{ message['content'] }}<|im_end|>\n{% else %}{% for content in message['content'] %}{% if content['type'] == 'image' or 'image' in content or 'image_url' in content %}{% set image_count.value = image_count.value + 1 %}{% if add_vision_id %}Picture {{ image_count.value }}: {% endif %}<|vision_start|><|image_pad|><|vision_end|>{% elif content['type'] == 'video' or 'video' in content %}{% set video_count.value = video_count.value + 1 %}{% if add_vision_id %}Video {{ video_count.value }}: {% endif %}<|vision_start|><|video_pad|><|vision_end|>{% elif 'text' in content %}{{ content['text'] }}{% endif %}{% endfor %}<|im_end|>\n{% endif %}{% endfor %}{% if add_generation_prompt %}<|im_start|>assistant\n{% endif %}"
3
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:94174d7176c52a7192f96fc34eb2cf23c7c2059d63cdbfadca1586ba89731fb7
3
+ size 1049
config.json CHANGED
@@ -1,108 +1,3 @@
1
- {
2
- "_name_or_path": "remodlai/nova-embeddings-v1",
3
- "architectures": [
4
- "JinaEmbeddingsV4Model"
5
- ],
6
- "auto_map": {
7
- "AutoConfig": "configuration_nova_embeddings_v1.NovaEmbeddingsV1Config",
8
- "AutoModel": "modeling_nova_embeddings_v1.NovaEmbeddingsV1Model"
9
- },
10
- "attention_dropout": 0.0,
11
- "bos_token_id": 151643,
12
- "eos_token_id": 151645,
13
- "hidden_act": "silu",
14
- "hidden_size": 2048,
15
- "image_token_id": 151655,
16
- "initializer_range": 0.02,
17
- "intermediate_size": 11008,
18
- "max_position_embeddings": 128000,
19
- "max_window_layers": 70,
20
- "multi_vector_projector_dim": 128,
21
- "num_attention_heads": 16,
22
- "num_hidden_layers": 36,
23
- "num_key_value_heads": 2,
24
- "rms_norm_eps": 1e-06,
25
- "rope_scaling": {
26
- "mrope_section": [
27
- 16,
28
- 24,
29
- 24
30
- ],
31
- "rope_type": "default",
32
- "type": "default"
33
- },
34
- "rope_theta": 1000000.0,
35
- "single_vector_pool_strategy": "mean",
36
- "sliding_window": 32768,
37
- "tie_word_embeddings": true,
38
- "text_config": {
39
- "attention_dropout": 0.0,
40
- "bos_token_id": 151643,
41
- "eos_token_id": 151645,
42
- "hidden_act": "silu",
43
- "hidden_size": 2048,
44
- "image_token_id": null,
45
- "initializer_range": 0.02,
46
- "intermediate_size": 11008,
47
- "max_position_embeddings": 128000,
48
- "max_window_layers": 70,
49
- "model_type": "qwen2_5_vl_text",
50
- "num_attention_heads": 16,
51
- "num_hidden_layers": 36,
52
- "num_key_value_heads": 2,
53
- "rms_norm_eps": 1e-06,
54
- "rope_scaling": {
55
- "mrope_section": [
56
- 16,
57
- 24,
58
- 24
59
- ],
60
- "rope_type": "default",
61
- "type": "default"
62
- },
63
- "rope_theta": 1000000.0,
64
- "sliding_window": null,
65
- "tie_word_embeddings": true,
66
- "torch_dtype": "bfloat16",
67
- "use_cache": true,
68
- "use_sliding_window": false,
69
- "vocab_size": 151936
70
- },
71
- "torch_dtype": "bfloat16",
72
- "transformers_version": "4.52.0",
73
- "use_cache": true,
74
- "use_sliding_window": false,
75
- "video_token_id": 151656,
76
- "vision_config": {
77
- "depth": 32,
78
- "fullatt_block_indexes": [
79
- 7,
80
- 15,
81
- 23,
82
- 31
83
- ],
84
- "hidden_act": "silu",
85
- "hidden_size": 1280,
86
- "in_channels": 3,
87
- "in_chans": 3,
88
- "initializer_range": 0.02,
89
- "intermediate_size": 3420,
90
- "model_type": "qwen2_5_vl",
91
- "num_heads": 16,
92
- "out_hidden_size": 2048,
93
- "patch_size": 14,
94
- "spatial_merge_size": 2,
95
- "spatial_patch_size": 14,
96
- "temporal_patch_size": 2,
97
- "tokens_per_second": 2,
98
- "torch_dtype": "bfloat16",
99
- "window_size": 112
100
- },
101
- "task_names": ["retrieval", "text-matching", "code"],
102
- "matryoshka_dims": [128, 256, 512, 1024, 2048],
103
- "_attn_implementation": "flash_attention_2",
104
- "truncate_dim": null,
105
- "vision_end_token_id": 151653,
106
- "vision_start_token_id": 151652,
107
- "vision_token_id": 151654
108
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9217f486476a3e931f64aacfe63e17e6d90dbed2fea8d3046c15409f5d7a78c9
3
+ size 2753
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
config_sentence_transformers.json CHANGED
@@ -1,13 +1,3 @@
1
- {
2
- "__version__": {
3
- "sentence_transformers": "4.1.0",
4
- "transformers": "4.50.0",
5
- "pytorch": "2.6.0"
6
- },
7
- "prompts":{
8
- "query":"Query: ",
9
- "passage":"Passage: "
10
- },
11
- "default_prompt_name": null,
12
- "similarity_fn_name": "cosine"
13
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1eee316c1ced66356d6472a0f3e2ff28084e8a693cbb2bb758ed98cc3f20ba22
3
+ size 274
 
 
 
 
 
 
 
 
 
 
generation_config.json CHANGED
@@ -1,6 +1,3 @@
1
- {
2
- "_from_model_config": true,
3
- "bos_token_id": 151643,
4
- "eos_token_id": 151645,
5
- "transformers_version": "4.50.0.dev0"
6
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4be8e7b43a811255a415e39b11c9b78a3a267120e20dd198774b1a14dcc5ea86
3
+ size 126
 
 
 
model.safetensors.index.json CHANGED
@@ -1,833 +1,3 @@
1
- {
2
- "metadata": {
3
- "total_size": 7513966848
4
- },
5
- "weight_map": {
6
- "model.embed_tokens.weight": "model-00001-of-00002.safetensors",
7
- "model.layers.0.input_layernorm.weight": "model-00001-of-00002.safetensors",
8
- "model.layers.0.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
9
- "model.layers.0.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
10
- "model.layers.0.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
11
- "model.layers.0.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
12
- "model.layers.0.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
13
- "model.layers.0.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
14
- "model.layers.0.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
15
- "model.layers.0.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
16
- "model.layers.0.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
17
- "model.layers.0.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
18
- "model.layers.0.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
19
- "model.layers.1.input_layernorm.weight": "model-00001-of-00002.safetensors",
20
- "model.layers.1.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
21
- "model.layers.1.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
22
- "model.layers.1.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
23
- "model.layers.1.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
24
- "model.layers.1.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
25
- "model.layers.1.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
26
- "model.layers.1.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
27
- "model.layers.1.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
28
- "model.layers.1.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
29
- "model.layers.1.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
30
- "model.layers.1.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
31
- "model.layers.10.input_layernorm.weight": "model-00001-of-00002.safetensors",
32
- "model.layers.10.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
33
- "model.layers.10.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
34
- "model.layers.10.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
35
- "model.layers.10.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
36
- "model.layers.10.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
37
- "model.layers.10.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
38
- "model.layers.10.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
39
- "model.layers.10.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
40
- "model.layers.10.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
41
- "model.layers.10.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
42
- "model.layers.10.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
43
- "model.layers.11.input_layernorm.weight": "model-00001-of-00002.safetensors",
44
- "model.layers.11.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
45
- "model.layers.11.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
46
- "model.layers.11.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
47
- "model.layers.11.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
48
- "model.layers.11.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
49
- "model.layers.11.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
50
- "model.layers.11.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
51
- "model.layers.11.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
52
- "model.layers.11.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
53
- "model.layers.11.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
54
- "model.layers.11.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
55
- "model.layers.12.input_layernorm.weight": "model-00001-of-00002.safetensors",
56
- "model.layers.12.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
57
- "model.layers.12.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
58
- "model.layers.12.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
59
- "model.layers.12.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
60
- "model.layers.12.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
61
- "model.layers.12.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
62
- "model.layers.12.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
63
- "model.layers.12.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
64
- "model.layers.12.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
65
- "model.layers.12.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
66
- "model.layers.12.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
67
- "model.layers.13.input_layernorm.weight": "model-00001-of-00002.safetensors",
68
- "model.layers.13.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
69
- "model.layers.13.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
70
- "model.layers.13.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
71
- "model.layers.13.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
72
- "model.layers.13.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
73
- "model.layers.13.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
74
- "model.layers.13.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
75
- "model.layers.13.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
76
- "model.layers.13.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
77
- "model.layers.13.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
78
- "model.layers.13.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
79
- "model.layers.14.input_layernorm.weight": "model-00001-of-00002.safetensors",
80
- "model.layers.14.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
81
- "model.layers.14.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
82
- "model.layers.14.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
83
- "model.layers.14.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
84
- "model.layers.14.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
85
- "model.layers.14.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
86
- "model.layers.14.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
87
- "model.layers.14.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
88
- "model.layers.14.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
89
- "model.layers.14.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
90
- "model.layers.14.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
91
- "model.layers.15.input_layernorm.weight": "model-00001-of-00002.safetensors",
92
- "model.layers.15.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
93
- "model.layers.15.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
94
- "model.layers.15.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
95
- "model.layers.15.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
96
- "model.layers.15.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
97
- "model.layers.15.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
98
- "model.layers.15.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
99
- "model.layers.15.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
100
- "model.layers.15.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
101
- "model.layers.15.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
102
- "model.layers.15.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
103
- "model.layers.16.input_layernorm.weight": "model-00001-of-00002.safetensors",
104
- "model.layers.16.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
105
- "model.layers.16.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
106
- "model.layers.16.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
107
- "model.layers.16.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
108
- "model.layers.16.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
109
- "model.layers.16.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
110
- "model.layers.16.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
111
- "model.layers.16.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
112
- "model.layers.16.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
113
- "model.layers.16.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
114
- "model.layers.16.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
115
- "model.layers.17.input_layernorm.weight": "model-00001-of-00002.safetensors",
116
- "model.layers.17.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
117
- "model.layers.17.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
118
- "model.layers.17.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
119
- "model.layers.17.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
120
- "model.layers.17.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
121
- "model.layers.17.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
122
- "model.layers.17.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
123
- "model.layers.17.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
124
- "model.layers.17.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
125
- "model.layers.17.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
126
- "model.layers.17.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
127
- "model.layers.18.input_layernorm.weight": "model-00001-of-00002.safetensors",
128
- "model.layers.18.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
129
- "model.layers.18.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
130
- "model.layers.18.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
131
- "model.layers.18.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
132
- "model.layers.18.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
133
- "model.layers.18.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
134
- "model.layers.18.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
135
- "model.layers.18.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
136
- "model.layers.18.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
137
- "model.layers.18.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
138
- "model.layers.18.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
139
- "model.layers.19.input_layernorm.weight": "model-00002-of-00002.safetensors",
140
- "model.layers.19.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
141
- "model.layers.19.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
142
- "model.layers.19.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
143
- "model.layers.19.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
144
- "model.layers.19.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
145
- "model.layers.19.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
146
- "model.layers.19.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
147
- "model.layers.19.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
148
- "model.layers.19.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
149
- "model.layers.19.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
150
- "model.layers.19.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
151
- "model.layers.2.input_layernorm.weight": "model-00001-of-00002.safetensors",
152
- "model.layers.2.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
153
- "model.layers.2.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
154
- "model.layers.2.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
155
- "model.layers.2.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
156
- "model.layers.2.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
157
- "model.layers.2.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
158
- "model.layers.2.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
159
- "model.layers.2.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
160
- "model.layers.2.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
161
- "model.layers.2.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
162
- "model.layers.2.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
163
- "model.layers.20.input_layernorm.weight": "model-00002-of-00002.safetensors",
164
- "model.layers.20.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
165
- "model.layers.20.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
166
- "model.layers.20.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
167
- "model.layers.20.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
168
- "model.layers.20.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
169
- "model.layers.20.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
170
- "model.layers.20.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
171
- "model.layers.20.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
172
- "model.layers.20.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
173
- "model.layers.20.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
174
- "model.layers.20.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
175
- "model.layers.21.input_layernorm.weight": "model-00002-of-00002.safetensors",
176
- "model.layers.21.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
177
- "model.layers.21.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
178
- "model.layers.21.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
179
- "model.layers.21.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
180
- "model.layers.21.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
181
- "model.layers.21.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
182
- "model.layers.21.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
183
- "model.layers.21.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
184
- "model.layers.21.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
185
- "model.layers.21.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
186
- "model.layers.21.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
187
- "model.layers.22.input_layernorm.weight": "model-00002-of-00002.safetensors",
188
- "model.layers.22.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
189
- "model.layers.22.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
190
- "model.layers.22.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
191
- "model.layers.22.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
192
- "model.layers.22.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
193
- "model.layers.22.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
194
- "model.layers.22.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
195
- "model.layers.22.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
196
- "model.layers.22.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
197
- "model.layers.22.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
198
- "model.layers.22.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
199
- "model.layers.23.input_layernorm.weight": "model-00002-of-00002.safetensors",
200
- "model.layers.23.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
201
- "model.layers.23.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
202
- "model.layers.23.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
203
- "model.layers.23.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
204
- "model.layers.23.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
205
- "model.layers.23.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
206
- "model.layers.23.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
207
- "model.layers.23.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
208
- "model.layers.23.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
209
- "model.layers.23.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
210
- "model.layers.23.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
211
- "model.layers.24.input_layernorm.weight": "model-00002-of-00002.safetensors",
212
- "model.layers.24.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
213
- "model.layers.24.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
214
- "model.layers.24.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
215
- "model.layers.24.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
216
- "model.layers.24.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
217
- "model.layers.24.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
218
- "model.layers.24.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
219
- "model.layers.24.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
220
- "model.layers.24.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
221
- "model.layers.24.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
222
- "model.layers.24.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
223
- "model.layers.25.input_layernorm.weight": "model-00002-of-00002.safetensors",
224
- "model.layers.25.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
225
- "model.layers.25.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
226
- "model.layers.25.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
227
- "model.layers.25.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
228
- "model.layers.25.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
229
- "model.layers.25.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
230
- "model.layers.25.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
231
- "model.layers.25.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
232
- "model.layers.25.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
233
- "model.layers.25.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
234
- "model.layers.25.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
235
- "model.layers.26.input_layernorm.weight": "model-00002-of-00002.safetensors",
236
- "model.layers.26.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
237
- "model.layers.26.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
238
- "model.layers.26.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
239
- "model.layers.26.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
240
- "model.layers.26.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
241
- "model.layers.26.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
242
- "model.layers.26.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
243
- "model.layers.26.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
244
- "model.layers.26.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
245
- "model.layers.26.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
246
- "model.layers.26.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
247
- "model.layers.27.input_layernorm.weight": "model-00002-of-00002.safetensors",
248
- "model.layers.27.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
249
- "model.layers.27.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
250
- "model.layers.27.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
251
- "model.layers.27.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
252
- "model.layers.27.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
253
- "model.layers.27.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
254
- "model.layers.27.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
255
- "model.layers.27.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
256
- "model.layers.27.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
257
- "model.layers.27.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
258
- "model.layers.27.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
259
- "model.layers.28.input_layernorm.weight": "model-00002-of-00002.safetensors",
260
- "model.layers.28.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
261
- "model.layers.28.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
262
- "model.layers.28.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
263
- "model.layers.28.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
264
- "model.layers.28.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
265
- "model.layers.28.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
266
- "model.layers.28.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
267
- "model.layers.28.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
268
- "model.layers.28.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
269
- "model.layers.28.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
270
- "model.layers.28.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
271
- "model.layers.29.input_layernorm.weight": "model-00002-of-00002.safetensors",
272
- "model.layers.29.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
273
- "model.layers.29.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
274
- "model.layers.29.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
275
- "model.layers.29.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
276
- "model.layers.29.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
277
- "model.layers.29.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
278
- "model.layers.29.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
279
- "model.layers.29.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
280
- "model.layers.29.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
281
- "model.layers.29.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
282
- "model.layers.29.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
283
- "model.layers.3.input_layernorm.weight": "model-00001-of-00002.safetensors",
284
- "model.layers.3.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
285
- "model.layers.3.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
286
- "model.layers.3.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
287
- "model.layers.3.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
288
- "model.layers.3.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
289
- "model.layers.3.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
290
- "model.layers.3.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
291
- "model.layers.3.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
292
- "model.layers.3.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
293
- "model.layers.3.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
294
- "model.layers.3.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
295
- "model.layers.30.input_layernorm.weight": "model-00002-of-00002.safetensors",
296
- "model.layers.30.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
297
- "model.layers.30.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
298
- "model.layers.30.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
299
- "model.layers.30.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
300
- "model.layers.30.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
301
- "model.layers.30.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
302
- "model.layers.30.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
303
- "model.layers.30.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
304
- "model.layers.30.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
305
- "model.layers.30.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
306
- "model.layers.30.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
307
- "model.layers.31.input_layernorm.weight": "model-00002-of-00002.safetensors",
308
- "model.layers.31.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
309
- "model.layers.31.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
310
- "model.layers.31.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
311
- "model.layers.31.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
312
- "model.layers.31.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
313
- "model.layers.31.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
314
- "model.layers.31.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
315
- "model.layers.31.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
316
- "model.layers.31.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
317
- "model.layers.31.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
318
- "model.layers.31.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
319
- "model.layers.32.input_layernorm.weight": "model-00002-of-00002.safetensors",
320
- "model.layers.32.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
321
- "model.layers.32.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
322
- "model.layers.32.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
323
- "model.layers.32.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
324
- "model.layers.32.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
325
- "model.layers.32.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
326
- "model.layers.32.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
327
- "model.layers.32.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
328
- "model.layers.32.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
329
- "model.layers.32.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
330
- "model.layers.32.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
331
- "model.layers.33.input_layernorm.weight": "model-00002-of-00002.safetensors",
332
- "model.layers.33.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
333
- "model.layers.33.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
334
- "model.layers.33.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
335
- "model.layers.33.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
336
- "model.layers.33.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
337
- "model.layers.33.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
338
- "model.layers.33.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
339
- "model.layers.33.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
340
- "model.layers.33.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
341
- "model.layers.33.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
342
- "model.layers.33.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
343
- "model.layers.34.input_layernorm.weight": "model-00002-of-00002.safetensors",
344
- "model.layers.34.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
345
- "model.layers.34.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
346
- "model.layers.34.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
347
- "model.layers.34.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
348
- "model.layers.34.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
349
- "model.layers.34.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
350
- "model.layers.34.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
351
- "model.layers.34.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
352
- "model.layers.34.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
353
- "model.layers.34.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
354
- "model.layers.34.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
355
- "model.layers.35.input_layernorm.weight": "model-00002-of-00002.safetensors",
356
- "model.layers.35.mlp.down_proj.weight": "model-00002-of-00002.safetensors",
357
- "model.layers.35.mlp.gate_proj.weight": "model-00002-of-00002.safetensors",
358
- "model.layers.35.mlp.up_proj.weight": "model-00002-of-00002.safetensors",
359
- "model.layers.35.post_attention_layernorm.weight": "model-00002-of-00002.safetensors",
360
- "model.layers.35.self_attn.k_proj.bias": "model-00002-of-00002.safetensors",
361
- "model.layers.35.self_attn.k_proj.weight": "model-00002-of-00002.safetensors",
362
- "model.layers.35.self_attn.o_proj.weight": "model-00002-of-00002.safetensors",
363
- "model.layers.35.self_attn.q_proj.bias": "model-00002-of-00002.safetensors",
364
- "model.layers.35.self_attn.q_proj.weight": "model-00002-of-00002.safetensors",
365
- "model.layers.35.self_attn.v_proj.bias": "model-00002-of-00002.safetensors",
366
- "model.layers.35.self_attn.v_proj.weight": "model-00002-of-00002.safetensors",
367
- "model.layers.4.input_layernorm.weight": "model-00001-of-00002.safetensors",
368
- "model.layers.4.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
369
- "model.layers.4.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
370
- "model.layers.4.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
371
- "model.layers.4.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
372
- "model.layers.4.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
373
- "model.layers.4.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
374
- "model.layers.4.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
375
- "model.layers.4.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
376
- "model.layers.4.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
377
- "model.layers.4.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
378
- "model.layers.4.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
379
- "model.layers.5.input_layernorm.weight": "model-00001-of-00002.safetensors",
380
- "model.layers.5.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
381
- "model.layers.5.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
382
- "model.layers.5.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
383
- "model.layers.5.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
384
- "model.layers.5.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
385
- "model.layers.5.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
386
- "model.layers.5.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
387
- "model.layers.5.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
388
- "model.layers.5.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
389
- "model.layers.5.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
390
- "model.layers.5.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
391
- "model.layers.6.input_layernorm.weight": "model-00001-of-00002.safetensors",
392
- "model.layers.6.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
393
- "model.layers.6.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
394
- "model.layers.6.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
395
- "model.layers.6.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
396
- "model.layers.6.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
397
- "model.layers.6.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
398
- "model.layers.6.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
399
- "model.layers.6.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
400
- "model.layers.6.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
401
- "model.layers.6.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
402
- "model.layers.6.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
403
- "model.layers.7.input_layernorm.weight": "model-00001-of-00002.safetensors",
404
- "model.layers.7.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
405
- "model.layers.7.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
406
- "model.layers.7.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
407
- "model.layers.7.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
408
- "model.layers.7.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
409
- "model.layers.7.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
410
- "model.layers.7.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
411
- "model.layers.7.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
412
- "model.layers.7.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
413
- "model.layers.7.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
414
- "model.layers.7.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
415
- "model.layers.8.input_layernorm.weight": "model-00001-of-00002.safetensors",
416
- "model.layers.8.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
417
- "model.layers.8.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
418
- "model.layers.8.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
419
- "model.layers.8.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
420
- "model.layers.8.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
421
- "model.layers.8.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
422
- "model.layers.8.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
423
- "model.layers.8.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
424
- "model.layers.8.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
425
- "model.layers.8.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
426
- "model.layers.8.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
427
- "model.layers.9.input_layernorm.weight": "model-00001-of-00002.safetensors",
428
- "model.layers.9.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
429
- "model.layers.9.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
430
- "model.layers.9.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
431
- "model.layers.9.post_attention_layernorm.weight": "model-00001-of-00002.safetensors",
432
- "model.layers.9.self_attn.k_proj.bias": "model-00001-of-00002.safetensors",
433
- "model.layers.9.self_attn.k_proj.weight": "model-00001-of-00002.safetensors",
434
- "model.layers.9.self_attn.o_proj.weight": "model-00001-of-00002.safetensors",
435
- "model.layers.9.self_attn.q_proj.bias": "model-00001-of-00002.safetensors",
436
- "model.layers.9.self_attn.q_proj.weight": "model-00001-of-00002.safetensors",
437
- "model.layers.9.self_attn.v_proj.bias": "model-00001-of-00002.safetensors",
438
- "model.layers.9.self_attn.v_proj.weight": "model-00001-of-00002.safetensors",
439
- "model.norm.weight": "model-00002-of-00002.safetensors",
440
- "multi_vector_projector.bias": "model-00002-of-00002.safetensors",
441
- "multi_vector_projector.weight": "model-00002-of-00002.safetensors",
442
- "visual.blocks.0.attn.proj.bias": "model-00001-of-00002.safetensors",
443
- "visual.blocks.0.attn.proj.weight": "model-00001-of-00002.safetensors",
444
- "visual.blocks.0.attn.qkv.bias": "model-00001-of-00002.safetensors",
445
- "visual.blocks.0.attn.qkv.weight": "model-00001-of-00002.safetensors",
446
- "visual.blocks.0.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
447
- "visual.blocks.0.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
448
- "visual.blocks.0.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
449
- "visual.blocks.0.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
450
- "visual.blocks.0.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
451
- "visual.blocks.0.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
452
- "visual.blocks.0.norm1.weight": "model-00001-of-00002.safetensors",
453
- "visual.blocks.0.norm2.weight": "model-00001-of-00002.safetensors",
454
- "visual.blocks.1.attn.proj.bias": "model-00001-of-00002.safetensors",
455
- "visual.blocks.1.attn.proj.weight": "model-00001-of-00002.safetensors",
456
- "visual.blocks.1.attn.qkv.bias": "model-00001-of-00002.safetensors",
457
- "visual.blocks.1.attn.qkv.weight": "model-00001-of-00002.safetensors",
458
- "visual.blocks.1.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
459
- "visual.blocks.1.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
460
- "visual.blocks.1.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
461
- "visual.blocks.1.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
462
- "visual.blocks.1.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
463
- "visual.blocks.1.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
464
- "visual.blocks.1.norm1.weight": "model-00001-of-00002.safetensors",
465
- "visual.blocks.1.norm2.weight": "model-00001-of-00002.safetensors",
466
- "visual.blocks.10.attn.proj.bias": "model-00001-of-00002.safetensors",
467
- "visual.blocks.10.attn.proj.weight": "model-00001-of-00002.safetensors",
468
- "visual.blocks.10.attn.qkv.bias": "model-00001-of-00002.safetensors",
469
- "visual.blocks.10.attn.qkv.weight": "model-00001-of-00002.safetensors",
470
- "visual.blocks.10.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
471
- "visual.blocks.10.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
472
- "visual.blocks.10.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
473
- "visual.blocks.10.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
474
- "visual.blocks.10.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
475
- "visual.blocks.10.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
476
- "visual.blocks.10.norm1.weight": "model-00001-of-00002.safetensors",
477
- "visual.blocks.10.norm2.weight": "model-00001-of-00002.safetensors",
478
- "visual.blocks.11.attn.proj.bias": "model-00001-of-00002.safetensors",
479
- "visual.blocks.11.attn.proj.weight": "model-00001-of-00002.safetensors",
480
- "visual.blocks.11.attn.qkv.bias": "model-00001-of-00002.safetensors",
481
- "visual.blocks.11.attn.qkv.weight": "model-00001-of-00002.safetensors",
482
- "visual.blocks.11.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
483
- "visual.blocks.11.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
484
- "visual.blocks.11.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
485
- "visual.blocks.11.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
486
- "visual.blocks.11.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
487
- "visual.blocks.11.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
488
- "visual.blocks.11.norm1.weight": "model-00001-of-00002.safetensors",
489
- "visual.blocks.11.norm2.weight": "model-00001-of-00002.safetensors",
490
- "visual.blocks.12.attn.proj.bias": "model-00001-of-00002.safetensors",
491
- "visual.blocks.12.attn.proj.weight": "model-00001-of-00002.safetensors",
492
- "visual.blocks.12.attn.qkv.bias": "model-00001-of-00002.safetensors",
493
- "visual.blocks.12.attn.qkv.weight": "model-00001-of-00002.safetensors",
494
- "visual.blocks.12.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
495
- "visual.blocks.12.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
496
- "visual.blocks.12.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
497
- "visual.blocks.12.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
498
- "visual.blocks.12.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
499
- "visual.blocks.12.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
500
- "visual.blocks.12.norm1.weight": "model-00001-of-00002.safetensors",
501
- "visual.blocks.12.norm2.weight": "model-00001-of-00002.safetensors",
502
- "visual.blocks.13.attn.proj.bias": "model-00001-of-00002.safetensors",
503
- "visual.blocks.13.attn.proj.weight": "model-00001-of-00002.safetensors",
504
- "visual.blocks.13.attn.qkv.bias": "model-00001-of-00002.safetensors",
505
- "visual.blocks.13.attn.qkv.weight": "model-00001-of-00002.safetensors",
506
- "visual.blocks.13.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
507
- "visual.blocks.13.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
508
- "visual.blocks.13.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
509
- "visual.blocks.13.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
510
- "visual.blocks.13.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
511
- "visual.blocks.13.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
512
- "visual.blocks.13.norm1.weight": "model-00001-of-00002.safetensors",
513
- "visual.blocks.13.norm2.weight": "model-00001-of-00002.safetensors",
514
- "visual.blocks.14.attn.proj.bias": "model-00001-of-00002.safetensors",
515
- "visual.blocks.14.attn.proj.weight": "model-00001-of-00002.safetensors",
516
- "visual.blocks.14.attn.qkv.bias": "model-00001-of-00002.safetensors",
517
- "visual.blocks.14.attn.qkv.weight": "model-00001-of-00002.safetensors",
518
- "visual.blocks.14.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
519
- "visual.blocks.14.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
520
- "visual.blocks.14.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
521
- "visual.blocks.14.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
522
- "visual.blocks.14.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
523
- "visual.blocks.14.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
524
- "visual.blocks.14.norm1.weight": "model-00001-of-00002.safetensors",
525
- "visual.blocks.14.norm2.weight": "model-00001-of-00002.safetensors",
526
- "visual.blocks.15.attn.proj.bias": "model-00001-of-00002.safetensors",
527
- "visual.blocks.15.attn.proj.weight": "model-00001-of-00002.safetensors",
528
- "visual.blocks.15.attn.qkv.bias": "model-00001-of-00002.safetensors",
529
- "visual.blocks.15.attn.qkv.weight": "model-00001-of-00002.safetensors",
530
- "visual.blocks.15.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
531
- "visual.blocks.15.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
532
- "visual.blocks.15.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
533
- "visual.blocks.15.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
534
- "visual.blocks.15.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
535
- "visual.blocks.15.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
536
- "visual.blocks.15.norm1.weight": "model-00001-of-00002.safetensors",
537
- "visual.blocks.15.norm2.weight": "model-00001-of-00002.safetensors",
538
- "visual.blocks.16.attn.proj.bias": "model-00001-of-00002.safetensors",
539
- "visual.blocks.16.attn.proj.weight": "model-00001-of-00002.safetensors",
540
- "visual.blocks.16.attn.qkv.bias": "model-00001-of-00002.safetensors",
541
- "visual.blocks.16.attn.qkv.weight": "model-00001-of-00002.safetensors",
542
- "visual.blocks.16.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
543
- "visual.blocks.16.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
544
- "visual.blocks.16.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
545
- "visual.blocks.16.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
546
- "visual.blocks.16.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
547
- "visual.blocks.16.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
548
- "visual.blocks.16.norm1.weight": "model-00001-of-00002.safetensors",
549
- "visual.blocks.16.norm2.weight": "model-00001-of-00002.safetensors",
550
- "visual.blocks.17.attn.proj.bias": "model-00001-of-00002.safetensors",
551
- "visual.blocks.17.attn.proj.weight": "model-00001-of-00002.safetensors",
552
- "visual.blocks.17.attn.qkv.bias": "model-00001-of-00002.safetensors",
553
- "visual.blocks.17.attn.qkv.weight": "model-00001-of-00002.safetensors",
554
- "visual.blocks.17.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
555
- "visual.blocks.17.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
556
- "visual.blocks.17.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
557
- "visual.blocks.17.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
558
- "visual.blocks.17.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
559
- "visual.blocks.17.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
560
- "visual.blocks.17.norm1.weight": "model-00001-of-00002.safetensors",
561
- "visual.blocks.17.norm2.weight": "model-00001-of-00002.safetensors",
562
- "visual.blocks.18.attn.proj.bias": "model-00001-of-00002.safetensors",
563
- "visual.blocks.18.attn.proj.weight": "model-00001-of-00002.safetensors",
564
- "visual.blocks.18.attn.qkv.bias": "model-00001-of-00002.safetensors",
565
- "visual.blocks.18.attn.qkv.weight": "model-00001-of-00002.safetensors",
566
- "visual.blocks.18.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
567
- "visual.blocks.18.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
568
- "visual.blocks.18.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
569
- "visual.blocks.18.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
570
- "visual.blocks.18.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
571
- "visual.blocks.18.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
572
- "visual.blocks.18.norm1.weight": "model-00001-of-00002.safetensors",
573
- "visual.blocks.18.norm2.weight": "model-00001-of-00002.safetensors",
574
- "visual.blocks.19.attn.proj.bias": "model-00001-of-00002.safetensors",
575
- "visual.blocks.19.attn.proj.weight": "model-00001-of-00002.safetensors",
576
- "visual.blocks.19.attn.qkv.bias": "model-00001-of-00002.safetensors",
577
- "visual.blocks.19.attn.qkv.weight": "model-00001-of-00002.safetensors",
578
- "visual.blocks.19.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
579
- "visual.blocks.19.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
580
- "visual.blocks.19.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
581
- "visual.blocks.19.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
582
- "visual.blocks.19.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
583
- "visual.blocks.19.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
584
- "visual.blocks.19.norm1.weight": "model-00001-of-00002.safetensors",
585
- "visual.blocks.19.norm2.weight": "model-00001-of-00002.safetensors",
586
- "visual.blocks.2.attn.proj.bias": "model-00001-of-00002.safetensors",
587
- "visual.blocks.2.attn.proj.weight": "model-00001-of-00002.safetensors",
588
- "visual.blocks.2.attn.qkv.bias": "model-00001-of-00002.safetensors",
589
- "visual.blocks.2.attn.qkv.weight": "model-00001-of-00002.safetensors",
590
- "visual.blocks.2.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
591
- "visual.blocks.2.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
592
- "visual.blocks.2.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
593
- "visual.blocks.2.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
594
- "visual.blocks.2.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
595
- "visual.blocks.2.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
596
- "visual.blocks.2.norm1.weight": "model-00001-of-00002.safetensors",
597
- "visual.blocks.2.norm2.weight": "model-00001-of-00002.safetensors",
598
- "visual.blocks.20.attn.proj.bias": "model-00001-of-00002.safetensors",
599
- "visual.blocks.20.attn.proj.weight": "model-00001-of-00002.safetensors",
600
- "visual.blocks.20.attn.qkv.bias": "model-00001-of-00002.safetensors",
601
- "visual.blocks.20.attn.qkv.weight": "model-00001-of-00002.safetensors",
602
- "visual.blocks.20.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
603
- "visual.blocks.20.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
604
- "visual.blocks.20.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
605
- "visual.blocks.20.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
606
- "visual.blocks.20.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
607
- "visual.blocks.20.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
608
- "visual.blocks.20.norm1.weight": "model-00001-of-00002.safetensors",
609
- "visual.blocks.20.norm2.weight": "model-00001-of-00002.safetensors",
610
- "visual.blocks.21.attn.proj.bias": "model-00001-of-00002.safetensors",
611
- "visual.blocks.21.attn.proj.weight": "model-00001-of-00002.safetensors",
612
- "visual.blocks.21.attn.qkv.bias": "model-00001-of-00002.safetensors",
613
- "visual.blocks.21.attn.qkv.weight": "model-00001-of-00002.safetensors",
614
- "visual.blocks.21.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
615
- "visual.blocks.21.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
616
- "visual.blocks.21.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
617
- "visual.blocks.21.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
618
- "visual.blocks.21.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
619
- "visual.blocks.21.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
620
- "visual.blocks.21.norm1.weight": "model-00001-of-00002.safetensors",
621
- "visual.blocks.21.norm2.weight": "model-00001-of-00002.safetensors",
622
- "visual.blocks.22.attn.proj.bias": "model-00001-of-00002.safetensors",
623
- "visual.blocks.22.attn.proj.weight": "model-00001-of-00002.safetensors",
624
- "visual.blocks.22.attn.qkv.bias": "model-00001-of-00002.safetensors",
625
- "visual.blocks.22.attn.qkv.weight": "model-00001-of-00002.safetensors",
626
- "visual.blocks.22.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
627
- "visual.blocks.22.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
628
- "visual.blocks.22.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
629
- "visual.blocks.22.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
630
- "visual.blocks.22.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
631
- "visual.blocks.22.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
632
- "visual.blocks.22.norm1.weight": "model-00001-of-00002.safetensors",
633
- "visual.blocks.22.norm2.weight": "model-00001-of-00002.safetensors",
634
- "visual.blocks.23.attn.proj.bias": "model-00001-of-00002.safetensors",
635
- "visual.blocks.23.attn.proj.weight": "model-00001-of-00002.safetensors",
636
- "visual.blocks.23.attn.qkv.bias": "model-00001-of-00002.safetensors",
637
- "visual.blocks.23.attn.qkv.weight": "model-00001-of-00002.safetensors",
638
- "visual.blocks.23.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
639
- "visual.blocks.23.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
640
- "visual.blocks.23.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
641
- "visual.blocks.23.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
642
- "visual.blocks.23.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
643
- "visual.blocks.23.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
644
- "visual.blocks.23.norm1.weight": "model-00001-of-00002.safetensors",
645
- "visual.blocks.23.norm2.weight": "model-00001-of-00002.safetensors",
646
- "visual.blocks.24.attn.proj.bias": "model-00001-of-00002.safetensors",
647
- "visual.blocks.24.attn.proj.weight": "model-00001-of-00002.safetensors",
648
- "visual.blocks.24.attn.qkv.bias": "model-00001-of-00002.safetensors",
649
- "visual.blocks.24.attn.qkv.weight": "model-00001-of-00002.safetensors",
650
- "visual.blocks.24.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
651
- "visual.blocks.24.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
652
- "visual.blocks.24.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
653
- "visual.blocks.24.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
654
- "visual.blocks.24.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
655
- "visual.blocks.24.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
656
- "visual.blocks.24.norm1.weight": "model-00001-of-00002.safetensors",
657
- "visual.blocks.24.norm2.weight": "model-00001-of-00002.safetensors",
658
- "visual.blocks.25.attn.proj.bias": "model-00001-of-00002.safetensors",
659
- "visual.blocks.25.attn.proj.weight": "model-00001-of-00002.safetensors",
660
- "visual.blocks.25.attn.qkv.bias": "model-00001-of-00002.safetensors",
661
- "visual.blocks.25.attn.qkv.weight": "model-00001-of-00002.safetensors",
662
- "visual.blocks.25.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
663
- "visual.blocks.25.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
664
- "visual.blocks.25.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
665
- "visual.blocks.25.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
666
- "visual.blocks.25.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
667
- "visual.blocks.25.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
668
- "visual.blocks.25.norm1.weight": "model-00001-of-00002.safetensors",
669
- "visual.blocks.25.norm2.weight": "model-00001-of-00002.safetensors",
670
- "visual.blocks.26.attn.proj.bias": "model-00001-of-00002.safetensors",
671
- "visual.blocks.26.attn.proj.weight": "model-00001-of-00002.safetensors",
672
- "visual.blocks.26.attn.qkv.bias": "model-00001-of-00002.safetensors",
673
- "visual.blocks.26.attn.qkv.weight": "model-00001-of-00002.safetensors",
674
- "visual.blocks.26.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
675
- "visual.blocks.26.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
676
- "visual.blocks.26.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
677
- "visual.blocks.26.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
678
- "visual.blocks.26.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
679
- "visual.blocks.26.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
680
- "visual.blocks.26.norm1.weight": "model-00001-of-00002.safetensors",
681
- "visual.blocks.26.norm2.weight": "model-00001-of-00002.safetensors",
682
- "visual.blocks.27.attn.proj.bias": "model-00001-of-00002.safetensors",
683
- "visual.blocks.27.attn.proj.weight": "model-00001-of-00002.safetensors",
684
- "visual.blocks.27.attn.qkv.bias": "model-00001-of-00002.safetensors",
685
- "visual.blocks.27.attn.qkv.weight": "model-00001-of-00002.safetensors",
686
- "visual.blocks.27.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
687
- "visual.blocks.27.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
688
- "visual.blocks.27.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
689
- "visual.blocks.27.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
690
- "visual.blocks.27.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
691
- "visual.blocks.27.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
692
- "visual.blocks.27.norm1.weight": "model-00001-of-00002.safetensors",
693
- "visual.blocks.27.norm2.weight": "model-00001-of-00002.safetensors",
694
- "visual.blocks.28.attn.proj.bias": "model-00001-of-00002.safetensors",
695
- "visual.blocks.28.attn.proj.weight": "model-00001-of-00002.safetensors",
696
- "visual.blocks.28.attn.qkv.bias": "model-00001-of-00002.safetensors",
697
- "visual.blocks.28.attn.qkv.weight": "model-00001-of-00002.safetensors",
698
- "visual.blocks.28.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
699
- "visual.blocks.28.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
700
- "visual.blocks.28.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
701
- "visual.blocks.28.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
702
- "visual.blocks.28.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
703
- "visual.blocks.28.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
704
- "visual.blocks.28.norm1.weight": "model-00001-of-00002.safetensors",
705
- "visual.blocks.28.norm2.weight": "model-00001-of-00002.safetensors",
706
- "visual.blocks.29.attn.proj.bias": "model-00001-of-00002.safetensors",
707
- "visual.blocks.29.attn.proj.weight": "model-00001-of-00002.safetensors",
708
- "visual.blocks.29.attn.qkv.bias": "model-00001-of-00002.safetensors",
709
- "visual.blocks.29.attn.qkv.weight": "model-00001-of-00002.safetensors",
710
- "visual.blocks.29.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
711
- "visual.blocks.29.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
712
- "visual.blocks.29.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
713
- "visual.blocks.29.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
714
- "visual.blocks.29.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
715
- "visual.blocks.29.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
716
- "visual.blocks.29.norm1.weight": "model-00001-of-00002.safetensors",
717
- "visual.blocks.29.norm2.weight": "model-00001-of-00002.safetensors",
718
- "visual.blocks.3.attn.proj.bias": "model-00001-of-00002.safetensors",
719
- "visual.blocks.3.attn.proj.weight": "model-00001-of-00002.safetensors",
720
- "visual.blocks.3.attn.qkv.bias": "model-00001-of-00002.safetensors",
721
- "visual.blocks.3.attn.qkv.weight": "model-00001-of-00002.safetensors",
722
- "visual.blocks.3.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
723
- "visual.blocks.3.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
724
- "visual.blocks.3.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
725
- "visual.blocks.3.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
726
- "visual.blocks.3.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
727
- "visual.blocks.3.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
728
- "visual.blocks.3.norm1.weight": "model-00001-of-00002.safetensors",
729
- "visual.blocks.3.norm2.weight": "model-00001-of-00002.safetensors",
730
- "visual.blocks.30.attn.proj.bias": "model-00001-of-00002.safetensors",
731
- "visual.blocks.30.attn.proj.weight": "model-00001-of-00002.safetensors",
732
- "visual.blocks.30.attn.qkv.bias": "model-00001-of-00002.safetensors",
733
- "visual.blocks.30.attn.qkv.weight": "model-00001-of-00002.safetensors",
734
- "visual.blocks.30.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
735
- "visual.blocks.30.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
736
- "visual.blocks.30.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
737
- "visual.blocks.30.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
738
- "visual.blocks.30.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
739
- "visual.blocks.30.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
740
- "visual.blocks.30.norm1.weight": "model-00001-of-00002.safetensors",
741
- "visual.blocks.30.norm2.weight": "model-00001-of-00002.safetensors",
742
- "visual.blocks.31.attn.proj.bias": "model-00001-of-00002.safetensors",
743
- "visual.blocks.31.attn.proj.weight": "model-00001-of-00002.safetensors",
744
- "visual.blocks.31.attn.qkv.bias": "model-00001-of-00002.safetensors",
745
- "visual.blocks.31.attn.qkv.weight": "model-00001-of-00002.safetensors",
746
- "visual.blocks.31.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
747
- "visual.blocks.31.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
748
- "visual.blocks.31.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
749
- "visual.blocks.31.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
750
- "visual.blocks.31.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
751
- "visual.blocks.31.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
752
- "visual.blocks.31.norm1.weight": "model-00001-of-00002.safetensors",
753
- "visual.blocks.31.norm2.weight": "model-00001-of-00002.safetensors",
754
- "visual.blocks.4.attn.proj.bias": "model-00001-of-00002.safetensors",
755
- "visual.blocks.4.attn.proj.weight": "model-00001-of-00002.safetensors",
756
- "visual.blocks.4.attn.qkv.bias": "model-00001-of-00002.safetensors",
757
- "visual.blocks.4.attn.qkv.weight": "model-00001-of-00002.safetensors",
758
- "visual.blocks.4.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
759
- "visual.blocks.4.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
760
- "visual.blocks.4.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
761
- "visual.blocks.4.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
762
- "visual.blocks.4.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
763
- "visual.blocks.4.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
764
- "visual.blocks.4.norm1.weight": "model-00001-of-00002.safetensors",
765
- "visual.blocks.4.norm2.weight": "model-00001-of-00002.safetensors",
766
- "visual.blocks.5.attn.proj.bias": "model-00001-of-00002.safetensors",
767
- "visual.blocks.5.attn.proj.weight": "model-00001-of-00002.safetensors",
768
- "visual.blocks.5.attn.qkv.bias": "model-00001-of-00002.safetensors",
769
- "visual.blocks.5.attn.qkv.weight": "model-00001-of-00002.safetensors",
770
- "visual.blocks.5.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
771
- "visual.blocks.5.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
772
- "visual.blocks.5.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
773
- "visual.blocks.5.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
774
- "visual.blocks.5.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
775
- "visual.blocks.5.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
776
- "visual.blocks.5.norm1.weight": "model-00001-of-00002.safetensors",
777
- "visual.blocks.5.norm2.weight": "model-00001-of-00002.safetensors",
778
- "visual.blocks.6.attn.proj.bias": "model-00001-of-00002.safetensors",
779
- "visual.blocks.6.attn.proj.weight": "model-00001-of-00002.safetensors",
780
- "visual.blocks.6.attn.qkv.bias": "model-00001-of-00002.safetensors",
781
- "visual.blocks.6.attn.qkv.weight": "model-00001-of-00002.safetensors",
782
- "visual.blocks.6.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
783
- "visual.blocks.6.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
784
- "visual.blocks.6.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
785
- "visual.blocks.6.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
786
- "visual.blocks.6.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
787
- "visual.blocks.6.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
788
- "visual.blocks.6.norm1.weight": "model-00001-of-00002.safetensors",
789
- "visual.blocks.6.norm2.weight": "model-00001-of-00002.safetensors",
790
- "visual.blocks.7.attn.proj.bias": "model-00001-of-00002.safetensors",
791
- "visual.blocks.7.attn.proj.weight": "model-00001-of-00002.safetensors",
792
- "visual.blocks.7.attn.qkv.bias": "model-00001-of-00002.safetensors",
793
- "visual.blocks.7.attn.qkv.weight": "model-00001-of-00002.safetensors",
794
- "visual.blocks.7.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
795
- "visual.blocks.7.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
796
- "visual.blocks.7.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
797
- "visual.blocks.7.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
798
- "visual.blocks.7.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
799
- "visual.blocks.7.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
800
- "visual.blocks.7.norm1.weight": "model-00001-of-00002.safetensors",
801
- "visual.blocks.7.norm2.weight": "model-00001-of-00002.safetensors",
802
- "visual.blocks.8.attn.proj.bias": "model-00001-of-00002.safetensors",
803
- "visual.blocks.8.attn.proj.weight": "model-00001-of-00002.safetensors",
804
- "visual.blocks.8.attn.qkv.bias": "model-00001-of-00002.safetensors",
805
- "visual.blocks.8.attn.qkv.weight": "model-00001-of-00002.safetensors",
806
- "visual.blocks.8.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
807
- "visual.blocks.8.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
808
- "visual.blocks.8.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
809
- "visual.blocks.8.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
810
- "visual.blocks.8.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
811
- "visual.blocks.8.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
812
- "visual.blocks.8.norm1.weight": "model-00001-of-00002.safetensors",
813
- "visual.blocks.8.norm2.weight": "model-00001-of-00002.safetensors",
814
- "visual.blocks.9.attn.proj.bias": "model-00001-of-00002.safetensors",
815
- "visual.blocks.9.attn.proj.weight": "model-00001-of-00002.safetensors",
816
- "visual.blocks.9.attn.qkv.bias": "model-00001-of-00002.safetensors",
817
- "visual.blocks.9.attn.qkv.weight": "model-00001-of-00002.safetensors",
818
- "visual.blocks.9.mlp.down_proj.bias": "model-00001-of-00002.safetensors",
819
- "visual.blocks.9.mlp.down_proj.weight": "model-00001-of-00002.safetensors",
820
- "visual.blocks.9.mlp.gate_proj.bias": "model-00001-of-00002.safetensors",
821
- "visual.blocks.9.mlp.gate_proj.weight": "model-00001-of-00002.safetensors",
822
- "visual.blocks.9.mlp.up_proj.bias": "model-00001-of-00002.safetensors",
823
- "visual.blocks.9.mlp.up_proj.weight": "model-00001-of-00002.safetensors",
824
- "visual.blocks.9.norm1.weight": "model-00001-of-00002.safetensors",
825
- "visual.blocks.9.norm2.weight": "model-00001-of-00002.safetensors",
826
- "visual.merger.ln_q.weight": "model-00001-of-00002.safetensors",
827
- "visual.merger.mlp.0.bias": "model-00001-of-00002.safetensors",
828
- "visual.merger.mlp.0.weight": "model-00001-of-00002.safetensors",
829
- "visual.merger.mlp.2.bias": "model-00001-of-00002.safetensors",
830
- "visual.merger.mlp.2.weight": "model-00001-of-00002.safetensors",
831
- "visual.patch_embed.proj.weight": "model-00001-of-00002.safetensors"
832
- }
833
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:360eb251d21193fe4a424dcc2f65ee1e9ca66dcbcb497b8141722f9f6ed56f8a
3
+ size 65592
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
modules.json CHANGED
@@ -1,9 +1,3 @@
1
- [
2
- {
3
- "idx": 0,
4
- "name": "transformer",
5
- "path": "",
6
- "type": "custom_st.Transformer",
7
- "kwargs": ["task", "truncate_dim"]
8
- }
9
- ]
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b54acf92eab134d664abbbc5e42fd92f27535d3605666962c15dc3c32b2d9744
3
+ size 168
 
 
 
 
 
 
preprocessor_config.json CHANGED
@@ -1,33 +1,3 @@
1
- {
2
- "do_convert_rgb": true,
3
- "do_normalize": true,
4
- "do_rescale": true,
5
- "do_resize": true,
6
- "image_mean": [
7
- 0.48145466,
8
- 0.4578275,
9
- 0.40821073
10
- ],
11
- "image_processor_type": "Qwen2VLImageProcessor",
12
- "image_std": [
13
- 0.26862954,
14
- 0.26130258,
15
- 0.27577711
16
- ],
17
- "max_pixels": 602112,
18
- "merge_size": 2,
19
- "min_pixels": 3136,
20
- "patch_size": 14,
21
- "processor_class": "JinaEmbeddingsV4Processor",
22
- "resample": 3,
23
- "rescale_factor": 0.00392156862745098,
24
- "video_processor_type": "Qwen2VLVideoProcessor",
25
- "size": {
26
- "longest_edge": 602112,
27
- "shortest_edge": 3136
28
- },
29
- "temporal_patch_size": 2,
30
- "auto_map": {
31
- "AutoProcessor": "modeling_nova_embeddings_v1.NovaEmbeddingsV1Processor"
32
- }
33
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f4439f00d86669352d11321b568332bee8555b0b2a4bea1703e6d4b668810804
3
+ size 726
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
results.json CHANGED
@@ -1,582 +1,3 @@
1
- {
2
- "arxivqa_test_subsampled": {
3
- "ndcg_at_1": 0.844,
4
- "ndcg_at_3": 0.88524,
5
- "ndcg_at_5": 0.88954,
6
- "ndcg_at_10": 0.89512,
7
- "ndcg_at_20": 0.90085,
8
- "ndcg_at_50": 0.90479,
9
- "ndcg_at_100": 0.90578,
10
- "map_at_1": 0.844,
11
- "map_at_3": 0.87467,
12
- "map_at_5": 0.87717,
13
- "map_at_10": 0.87933,
14
- "map_at_20": 0.88099,
15
- "map_at_50": 0.88161,
16
- "map_at_100": 0.8817,
17
- "recall_at_1": 0.844,
18
- "recall_at_3": 0.916,
19
- "recall_at_5": 0.926,
20
- "recall_at_10": 0.944,
21
- "recall_at_20": 0.966,
22
- "recall_at_50": 0.986,
23
- "recall_at_100": 0.992,
24
- "precision_at_1": 0.844,
25
- "precision_at_3": 0.30533,
26
- "precision_at_5": 0.1852,
27
- "precision_at_10": 0.0944,
28
- "precision_at_20": 0.0483,
29
- "precision_at_50": 0.01972,
30
- "precision_at_100": 0.00992,
31
- "mrr_at_1": 0.844,
32
- "mrr_at_3": 0.8746666666666665,
33
- "mrr_at_5": 0.8771666666666665,
34
- "mrr_at_10": 0.8793301587301586,
35
- "mrr_at_20": 0.880986183261183,
36
- "mrr_at_50": 0.8816066058267283,
37
- "mrr_at_100": 0.8816959272950264,
38
- "naucs_at_1_max": 0.7413901379085128,
39
- "naucs_at_1_std": 0.3454872013866209,
40
- "naucs_at_1_diff1": 0.9600906830113787,
41
- "naucs_at_3_max": 0.7713307545240329,
42
- "naucs_at_3_std": 0.4801698457160663,
43
- "naucs_at_3_diff1": 0.9489240140500664,
44
- "naucs_at_5_max": 0.7514699573523106,
45
- "naucs_at_5_std": 0.4375552022610836,
46
- "naucs_at_5_diff1": 0.9526206879148043,
47
- "naucs_at_10_max": 0.8086901427237575,
48
- "naucs_at_10_std": 0.5144891289849284,
49
- "naucs_at_10_diff1": 0.9513972255568919,
50
- "naucs_at_20_max": 0.907453177349375,
51
- "naucs_at_20_std": 0.5683802932937894,
52
- "naucs_at_20_diff1": 0.9692425990003846,
53
- "naucs_at_50_max": 0.8709483793517359,
54
- "naucs_at_50_std": 0.7055488862211612,
55
- "naucs_at_50_diff1": 0.9626517273576126,
56
- "naucs_at_100_max": 0.8068394024276366,
57
- "naucs_at_100_std": 0.7076330532212914,
58
- "naucs_at_100_diff1": 0.9673202614378978
59
- },
60
- "docvqa_test_subsampled": {
61
- "ndcg_at_1": 0.52328,
62
- "ndcg_at_3": 0.5841,
63
- "ndcg_at_5": 0.59975,
64
- "ndcg_at_10": 0.62669,
65
- "ndcg_at_20": 0.64245,
66
- "ndcg_at_50": 0.65661,
67
- "ndcg_at_100": 0.66492,
68
- "map_at_1": 0.52328,
69
- "map_at_3": 0.56911,
70
- "map_at_5": 0.57786,
71
- "map_at_10": 0.58881,
72
- "map_at_20": 0.59317,
73
- "map_at_50": 0.59548,
74
- "map_at_100": 0.59622,
75
- "recall_at_1": 0.52328,
76
- "recall_at_3": 0.62749,
77
- "recall_at_5": 0.66519,
78
- "recall_at_10": 0.74945,
79
- "recall_at_20": 0.81153,
80
- "recall_at_50": 0.88248,
81
- "recall_at_100": 0.93348,
82
- "precision_at_1": 0.52328,
83
- "precision_at_3": 0.20916,
84
- "precision_at_5": 0.13304,
85
- "precision_at_10": 0.07494,
86
- "precision_at_20": 0.04058,
87
- "precision_at_50": 0.01765,
88
- "precision_at_100": 0.00933,
89
- "mrr_at_1": 0.5232815964523282,
90
- "mrr_at_3": 0.5691056910569108,
91
- "mrr_at_5": 0.5778640059127865,
92
- "mrr_at_10": 0.5888132193010243,
93
- "mrr_at_20": 0.5931663069177401,
94
- "mrr_at_50": 0.5954783504735428,
95
- "mrr_at_100": 0.5962169799244146,
96
- "naucs_at_1_max": 0.46089368028029637,
97
- "naucs_at_1_std": 0.19359243300005127,
98
- "naucs_at_1_diff1": 0.8483527783001977,
99
- "naucs_at_3_max": 0.4640279399849662,
100
- "naucs_at_3_std": 0.1814509120980464,
101
- "naucs_at_3_diff1": 0.7719022256243834,
102
- "naucs_at_5_max": 0.45716016762761796,
103
- "naucs_at_5_std": 0.16428980258139747,
104
- "naucs_at_5_diff1": 0.750196647594659,
105
- "naucs_at_10_max": 0.3956528364820721,
106
- "naucs_at_10_std": 0.09973122080056422,
107
- "naucs_at_10_diff1": 0.7237863238311393,
108
- "naucs_at_20_max": 0.35927664451426317,
109
- "naucs_at_20_std": 0.09080366240903168,
110
- "naucs_at_20_diff1": 0.6946736504983693,
111
- "naucs_at_50_max": 0.3626447370884348,
112
- "naucs_at_50_std": 0.2775120087087966,
113
- "naucs_at_50_diff1": 0.6534710933108262,
114
- "naucs_at_100_max": 0.32155287639122004,
115
- "naucs_at_100_std": 0.3495021025151782,
116
- "naucs_at_100_diff1": 0.6165810885563539
117
- },
118
- "infovqa_test_subsampled": {
119
- "ndcg_at_1": 0.90283,
120
- "ndcg_at_3": 0.93062,
121
- "ndcg_at_5": 0.93567,
122
- "ndcg_at_10": 0.93969,
123
- "ndcg_at_20": 0.94324,
124
- "ndcg_at_50": 0.94401,
125
- "ndcg_at_100": 0.945,
126
- "map_at_1": 0.90283,
127
- "map_at_3": 0.92409,
128
- "map_at_5": 0.92692,
129
- "map_at_10": 0.92863,
130
- "map_at_20": 0.92959,
131
- "map_at_50": 0.9297,
132
- "map_at_100": 0.92979,
133
- "recall_at_1": 0.90283,
134
- "recall_at_3": 0.94939,
135
- "recall_at_5": 0.96154,
136
- "recall_at_10": 0.97368,
137
- "recall_at_20": 0.98785,
138
- "recall_at_50": 0.9919,
139
- "recall_at_100": 0.99798,
140
- "precision_at_1": 0.90283,
141
- "precision_at_3": 0.31646,
142
- "precision_at_5": 0.19231,
143
- "precision_at_10": 0.09737,
144
- "precision_at_20": 0.04939,
145
- "precision_at_50": 0.01984,
146
- "precision_at_100": 0.00998,
147
- "mrr_at_1": 0.902834008097166,
148
- "mrr_at_3": 0.9240890688259108,
149
- "mrr_at_5": 0.9269230769230767,
150
- "mrr_at_10": 0.9286316753422016,
151
- "mrr_at_20": 0.9295898610333593,
152
- "mrr_at_50": 0.929699602843506,
153
- "mrr_at_100": 0.929788457049907,
154
- "naucs_at_1_max": 0.6026903076230651,
155
- "naucs_at_1_std": 0.261936050485784,
156
- "naucs_at_1_diff1": 0.9396804875719484,
157
- "naucs_at_3_max": 0.7565375225904929,
158
- "naucs_at_3_std": 0.45980620999702715,
159
- "naucs_at_3_diff1": 0.9534218386220948,
160
- "naucs_at_5_max": 0.8235249494008307,
161
- "naucs_at_5_std": 0.5316999544043512,
162
- "naucs_at_5_diff1": 0.9524604670358964,
163
- "naucs_at_10_max": 0.8684766575602219,
164
- "naucs_at_10_std": 0.5944713216706646,
165
- "naucs_at_10_diff1": 0.9405654098266761,
166
- "naucs_at_20_max": 0.7830887900175995,
167
- "naucs_at_20_std": 0.5643438299512757,
168
- "naucs_at_20_diff1": 0.8929919636352566,
169
- "naucs_at_50_max": 0.7072835485426375,
170
- "naucs_at_50_std": 0.5764614839135555,
171
- "naucs_at_50_diff1": 0.8394879454528887,
172
- "naucs_at_100_max": 1.0,
173
- "naucs_at_100_std": 1.0,
174
- "naucs_at_100_diff1": 1.0
175
- },
176
- "tabfquad_test_subsampled": {
177
- "ndcg_at_1": 0.9,
178
- "ndcg_at_3": 0.94685,
179
- "ndcg_at_5": 0.95131,
180
- "ndcg_at_10": 0.95366,
181
- "ndcg_at_20": 0.95455,
182
- "ndcg_at_50": 0.9553,
183
- "ndcg_at_100": 0.9553,
184
- "map_at_1": 0.9,
185
- "map_at_3": 0.9369,
186
- "map_at_5": 0.9394,
187
- "map_at_10": 0.9404,
188
- "map_at_20": 0.94063,
189
- "map_at_50": 0.94077,
190
- "map_at_100": 0.94077,
191
- "recall_at_1": 0.9,
192
- "recall_at_3": 0.975,
193
- "recall_at_5": 0.98571,
194
- "recall_at_10": 0.99286,
195
- "recall_at_20": 0.99643,
196
- "recall_at_50": 1.0,
197
- "recall_at_100": 1.0,
198
- "precision_at_1": 0.9,
199
- "precision_at_3": 0.325,
200
- "precision_at_5": 0.19714,
201
- "precision_at_10": 0.09929,
202
- "precision_at_20": 0.04982,
203
- "precision_at_50": 0.02,
204
- "precision_at_100": 0.01,
205
- "mrr_at_1": 0.9,
206
- "mrr_at_3": 0.936904761904762,
207
- "mrr_at_5": 0.9394047619047617,
208
- "mrr_at_10": 0.9403968253968255,
209
- "mrr_at_20": 0.9406349206349207,
210
- "mrr_at_50": 0.9407722832722833,
211
- "mrr_at_100": 0.9407722832722833,
212
- "naucs_at_1_max": 0.39284046952114193,
213
- "naucs_at_1_std": 0.06274176337201544,
214
- "naucs_at_1_diff1": 0.9321395224756563,
215
- "naucs_at_3_max": 0.98132586367881,
216
- "naucs_at_3_std": 0.9042950513538718,
217
- "naucs_at_3_diff1": 0.98132586367881,
218
- "naucs_at_5_max": 0.967320261437913,
219
- "naucs_at_5_std": 0.8978758169934754,
220
- "naucs_at_5_diff1": 1.0,
221
- "naucs_at_10_max": 1.0,
222
- "naucs_at_10_std": 0.9346405228758269,
223
- "naucs_at_10_diff1": 1.0,
224
- "naucs_at_20_max": 1.0,
225
- "naucs_at_20_std": 1.0,
226
- "naucs_at_20_diff1": 1.0,
227
- "naucs_at_50_max": 1.0,
228
- "naucs_at_50_std": 1.0,
229
- "naucs_at_50_diff1": 1.0,
230
- "naucs_at_100_max": 1.0,
231
- "naucs_at_100_std": 1.0,
232
- "naucs_at_100_diff1": 1.0
233
- },
234
- "tatdqa_test": {
235
- "ndcg_at_1": 0.68834,
236
- "ndcg_at_3": 0.7834,
237
- "ndcg_at_5": 0.80344,
238
- "ndcg_at_10": 0.81851,
239
- "ndcg_at_20": 0.82469,
240
- "ndcg_at_50": 0.82852,
241
- "ndcg_at_100": 0.82981,
242
- "map_at_1": 0.68834,
243
- "map_at_3": 0.76073,
244
- "map_at_5": 0.772,
245
- "map_at_10": 0.7783,
246
- "map_at_20": 0.78002,
247
- "map_at_50": 0.78067,
248
- "map_at_100": 0.78079,
249
- "recall_at_1": 0.68834,
250
- "recall_at_3": 0.84872,
251
- "recall_at_5": 0.89672,
252
- "recall_at_10": 0.94289,
253
- "recall_at_20": 0.96719,
254
- "recall_at_50": 0.98603,
255
- "recall_at_100": 0.99392,
256
- "precision_at_1": 0.68834,
257
- "precision_at_3": 0.28291,
258
- "precision_at_5": 0.17934,
259
- "precision_at_10": 0.09429,
260
- "precision_at_20": 0.04836,
261
- "precision_at_50": 0.01972,
262
- "precision_at_100": 0.00994,
263
- "mrr_at_1": 0.6865127582017011,
264
- "mrr_at_3": 0.7598217901984609,
265
- "mrr_at_5": 0.7710307816929933,
266
- "mrr_at_10": 0.7773322532739296,
267
- "mrr_at_20": 0.7790656715075932,
268
- "mrr_at_50": 0.7797137179788176,
269
- "mrr_at_100": 0.7798294471430899,
270
- "naucs_at_1_max": 0.19289339347399329,
271
- "naucs_at_1_std": -0.05373436574034402,
272
- "naucs_at_1_diff1": 0.8118815353915732,
273
- "naucs_at_3_max": 0.24444248974914928,
274
- "naucs_at_3_std": 0.012951438245694854,
275
- "naucs_at_3_diff1": 0.7252009696977523,
276
- "naucs_at_5_max": 0.27477480629269946,
277
- "naucs_at_5_std": 0.10687833140288663,
278
- "naucs_at_5_diff1": 0.7019146338300569,
279
- "naucs_at_10_max": 0.23474834180340118,
280
- "naucs_at_10_std": 0.13375117651376378,
281
- "naucs_at_10_diff1": 0.6766342016471449,
282
- "naucs_at_20_max": 0.3762582961131715,
283
- "naucs_at_20_std": 0.29216428469292166,
284
- "naucs_at_20_diff1": 0.6564671335087516,
285
- "naucs_at_50_max": 0.4691053847445,
286
- "naucs_at_50_std": 0.4359718488363951,
287
- "naucs_at_50_diff1": 0.7152604718494652,
288
- "naucs_at_100_max": 0.5259975902909616,
289
- "naucs_at_100_std": 0.651086653120611,
290
- "naucs_at_100_diff1": 0.7663843453532901
291
- },
292
- "shiftproject_test": {
293
- "ndcg_at_1": 0.85,
294
- "ndcg_at_3": 0.91917,
295
- "ndcg_at_5": 0.92347,
296
- "ndcg_at_10": 0.92949,
297
- "ndcg_at_20": 0.92949,
298
- "ndcg_at_50": 0.92949,
299
- "ndcg_at_100": 0.92949,
300
- "map_at_1": 0.85,
301
- "map_at_3": 0.90167,
302
- "map_at_5": 0.90417,
303
- "map_at_10": 0.90639,
304
- "map_at_20": 0.90639,
305
- "map_at_50": 0.90639,
306
- "map_at_100": 0.90639,
307
- "recall_at_1": 0.85,
308
- "recall_at_3": 0.97,
309
- "recall_at_5": 0.98,
310
- "recall_at_10": 1.0,
311
- "recall_at_20": 1.0,
312
- "recall_at_50": 1.0,
313
- "recall_at_100": 1.0,
314
- "precision_at_1": 0.85,
315
- "precision_at_3": 0.32333,
316
- "precision_at_5": 0.196,
317
- "precision_at_10": 0.1,
318
- "precision_at_20": 0.05,
319
- "precision_at_50": 0.02,
320
- "precision_at_100": 0.01,
321
- "mrr_at_1": 0.85,
322
- "mrr_at_3": 0.9016666666666666,
323
- "mrr_at_5": 0.9041666666666666,
324
- "mrr_at_10": 0.9063888888888889,
325
- "mrr_at_20": 0.9063888888888889,
326
- "mrr_at_50": 0.9063888888888889,
327
- "mrr_at_100": 0.9063888888888889,
328
- "naucs_at_1_max": 0.029189716889034732,
329
- "naucs_at_1_std": -0.37507321835340074,
330
- "naucs_at_1_diff1": 0.7931012040351454,
331
- "naucs_at_3_max": 0.5589791472144446,
332
- "naucs_at_3_std": 0.09056956115779448,
333
- "naucs_at_3_diff1": 0.9564270152505466,
334
- "naucs_at_5_max": 0.3384687208216692,
335
- "naucs_at_5_std": -0.2987861811391239,
336
- "naucs_at_5_diff1": 1.0,
337
- "naucs_at_10_max": 1.0,
338
- "naucs_at_10_std": 1.0,
339
- "naucs_at_10_diff1": 1.0,
340
- "naucs_at_20_max": 1.0,
341
- "naucs_at_20_std": 1.0,
342
- "naucs_at_20_diff1": 1.0,
343
- "naucs_at_50_max": null,
344
- "naucs_at_50_std": null,
345
- "naucs_at_50_diff1": null,
346
- "naucs_at_100_max": null,
347
- "naucs_at_100_std": null,
348
- "naucs_at_100_diff1": null
349
- },
350
- "syntheticDocQA_artificial_intelligence_test": {
351
- "ndcg_at_1": 0.98,
352
- "ndcg_at_3": 0.99262,
353
- "ndcg_at_5": 0.99262,
354
- "ndcg_at_10": 0.99262,
355
- "ndcg_at_20": 0.99262,
356
- "ndcg_at_50": 0.99262,
357
- "ndcg_at_100": 0.99262,
358
- "map_at_1": 0.98,
359
- "map_at_3": 0.99,
360
- "map_at_5": 0.99,
361
- "map_at_10": 0.99,
362
- "map_at_20": 0.99,
363
- "map_at_50": 0.99,
364
- "map_at_100": 0.99,
365
- "recall_at_1": 0.98,
366
- "recall_at_3": 1.0,
367
- "recall_at_5": 1.0,
368
- "recall_at_10": 1.0,
369
- "recall_at_20": 1.0,
370
- "recall_at_50": 1.0,
371
- "recall_at_100": 1.0,
372
- "precision_at_1": 0.98,
373
- "precision_at_3": 0.33333,
374
- "precision_at_5": 0.2,
375
- "precision_at_10": 0.1,
376
- "precision_at_20": 0.05,
377
- "precision_at_50": 0.02,
378
- "precision_at_100": 0.01,
379
- "mrr_at_1": 0.98,
380
- "mrr_at_3": 0.99,
381
- "mrr_at_5": 0.99,
382
- "mrr_at_10": 0.99,
383
- "mrr_at_20": 0.99,
384
- "mrr_at_50": 0.99,
385
- "mrr_at_100": 0.99,
386
- "naucs_at_1_max": 0.540149393090569,
387
- "naucs_at_1_std": 0.3384687208216605,
388
- "naucs_at_1_diff1": 0.9346405228758133,
389
- "naucs_at_3_max": 1.0,
390
- "naucs_at_3_std": 1.0,
391
- "naucs_at_3_diff1": 1.0,
392
- "naucs_at_5_max": 1.0,
393
- "naucs_at_5_std": 1.0,
394
- "naucs_at_5_diff1": 1.0,
395
- "naucs_at_10_max": 1.0,
396
- "naucs_at_10_std": 1.0,
397
- "naucs_at_10_diff1": 1.0,
398
- "naucs_at_20_max": 1.0,
399
- "naucs_at_20_std": 1.0,
400
- "naucs_at_20_diff1": 1.0,
401
- "naucs_at_50_max": null,
402
- "naucs_at_50_std": null,
403
- "naucs_at_50_diff1": null,
404
- "naucs_at_100_max": null,
405
- "naucs_at_100_std": null,
406
- "naucs_at_100_diff1": null
407
- },
408
- "syntheticDocQA_energy_test": {
409
- "ndcg_at_1": 0.95,
410
- "ndcg_at_3": 0.96762,
411
- "ndcg_at_5": 0.96762,
412
- "ndcg_at_10": 0.97118,
413
- "ndcg_at_20": 0.97118,
414
- "ndcg_at_50": 0.973,
415
- "ndcg_at_100": 0.973,
416
- "map_at_1": 0.95,
417
- "map_at_3": 0.96333,
418
- "map_at_5": 0.96333,
419
- "map_at_10": 0.965,
420
- "map_at_20": 0.965,
421
- "map_at_50": 0.96523,
422
- "map_at_100": 0.96523,
423
- "recall_at_1": 0.95,
424
- "recall_at_3": 0.98,
425
- "recall_at_5": 0.98,
426
- "recall_at_10": 0.99,
427
- "recall_at_20": 0.99,
428
- "recall_at_50": 1.0,
429
- "recall_at_100": 1.0,
430
- "precision_at_1": 0.95,
431
- "precision_at_3": 0.32667,
432
- "precision_at_5": 0.196,
433
- "precision_at_10": 0.099,
434
- "precision_at_20": 0.0495,
435
- "precision_at_50": 0.02,
436
- "precision_at_100": 0.01,
437
- "mrr_at_1": 0.95,
438
- "mrr_at_3": 0.9633333333333333,
439
- "mrr_at_5": 0.9633333333333333,
440
- "mrr_at_10": 0.965,
441
- "mrr_at_20": 0.965,
442
- "mrr_at_50": 0.9652272727272727,
443
- "mrr_at_100": 0.9652272727272727,
444
- "naucs_at_1_max": 0.42726423902894384,
445
- "naucs_at_1_std": -0.4889822595704953,
446
- "naucs_at_1_diff1": 1.0,
447
- "naucs_at_3_max": 0.6136788048552655,
448
- "naucs_at_3_std": -0.6909430438842241,
449
- "naucs_at_3_diff1": 1.0,
450
- "naucs_at_5_max": 0.6136788048552745,
451
- "naucs_at_5_std": -0.690943043884218,
452
- "naucs_at_5_diff1": 1.0,
453
- "naucs_at_10_max": 0.8692810457516413,
454
- "naucs_at_10_std": 0.35807656395891135,
455
- "naucs_at_10_diff1": 1.0,
456
- "naucs_at_20_max": 0.8692810457516413,
457
- "naucs_at_20_std": 0.35807656395891135,
458
- "naucs_at_20_diff1": 1.0,
459
- "naucs_at_50_max": null,
460
- "naucs_at_50_std": null,
461
- "naucs_at_50_diff1": null,
462
- "naucs_at_100_max": null,
463
- "naucs_at_100_std": null,
464
- "naucs_at_100_diff1": null
465
- },
466
- "syntheticDocQA_government_reports_test": {
467
- "ndcg_at_1": 0.93,
468
- "ndcg_at_3": 0.96524,
469
- "ndcg_at_5": 0.96954,
470
- "ndcg_at_10": 0.96954,
471
- "ndcg_at_20": 0.96954,
472
- "ndcg_at_50": 0.96954,
473
- "ndcg_at_100": 0.96954,
474
- "map_at_1": 0.93,
475
- "map_at_3": 0.95667,
476
- "map_at_5": 0.95917,
477
- "map_at_10": 0.95917,
478
- "map_at_20": 0.95917,
479
- "map_at_50": 0.95917,
480
- "map_at_100": 0.95917,
481
- "recall_at_1": 0.93,
482
- "recall_at_3": 0.99,
483
- "recall_at_5": 1.0,
484
- "recall_at_10": 1.0,
485
- "recall_at_20": 1.0,
486
- "recall_at_50": 1.0,
487
- "recall_at_100": 1.0,
488
- "precision_at_1": 0.93,
489
- "precision_at_3": 0.33,
490
- "precision_at_5": 0.2,
491
- "precision_at_10": 0.1,
492
- "precision_at_20": 0.05,
493
- "precision_at_50": 0.02,
494
- "precision_at_100": 0.01,
495
- "mrr_at_1": 0.93,
496
- "mrr_at_3": 0.9566666666666667,
497
- "mrr_at_5": 0.9591666666666667,
498
- "mrr_at_10": 0.9591666666666667,
499
- "mrr_at_20": 0.9591666666666667,
500
- "mrr_at_50": 0.9591666666666667,
501
- "mrr_at_100": 0.9591666666666667,
502
- "naucs_at_1_max": 0.6809390422835813,
503
- "naucs_at_1_std": 0.5458850206749362,
504
- "naucs_at_1_diff1": 0.9229691876750709,
505
- "naucs_at_3_max": 1.0,
506
- "naucs_at_3_std": 1.0,
507
- "naucs_at_3_diff1": 1.0,
508
- "naucs_at_5_max": 1.0,
509
- "naucs_at_5_std": 1.0,
510
- "naucs_at_5_diff1": 1.0,
511
- "naucs_at_10_max": 1.0,
512
- "naucs_at_10_std": 1.0,
513
- "naucs_at_10_diff1": 1.0,
514
- "naucs_at_20_max": 1.0,
515
- "naucs_at_20_std": 1.0,
516
- "naucs_at_20_diff1": 1.0,
517
- "naucs_at_50_max": null,
518
- "naucs_at_50_std": null,
519
- "naucs_at_50_diff1": null,
520
- "naucs_at_100_max": null,
521
- "naucs_at_100_std": null,
522
- "naucs_at_100_diff1": null
523
- },
524
- "syntheticDocQA_healthcare_industry_test": {
525
- "ndcg_at_1": 0.96,
526
- "ndcg_at_3": 0.98393,
527
- "ndcg_at_5": 0.98393,
528
- "ndcg_at_10": 0.98393,
529
- "ndcg_at_20": 0.98393,
530
- "ndcg_at_50": 0.98393,
531
- "ndcg_at_100": 0.98393,
532
- "map_at_1": 0.96,
533
- "map_at_3": 0.97833,
534
- "map_at_5": 0.97833,
535
- "map_at_10": 0.97833,
536
- "map_at_20": 0.97833,
537
- "map_at_50": 0.97833,
538
- "map_at_100": 0.97833,
539
- "recall_at_1": 0.96,
540
- "recall_at_3": 1.0,
541
- "recall_at_5": 1.0,
542
- "recall_at_10": 1.0,
543
- "recall_at_20": 1.0,
544
- "recall_at_50": 1.0,
545
- "recall_at_100": 1.0,
546
- "precision_at_1": 0.96,
547
- "precision_at_3": 0.33333,
548
- "precision_at_5": 0.2,
549
- "precision_at_10": 0.1,
550
- "precision_at_20": 0.05,
551
- "precision_at_50": 0.02,
552
- "precision_at_100": 0.01,
553
- "mrr_at_1": 0.96,
554
- "mrr_at_3": 0.9783333333333333,
555
- "mrr_at_5": 0.9783333333333333,
556
- "mrr_at_10": 0.9783333333333333,
557
- "mrr_at_20": 0.9783333333333333,
558
- "mrr_at_50": 0.9783333333333333,
559
- "mrr_at_100": 0.9783333333333333,
560
- "naucs_at_1_max": 0.7047152194211012,
561
- "naucs_at_1_std": 0.32037815126050734,
562
- "naucs_at_1_diff1": 1.0,
563
- "naucs_at_3_max": 1.0,
564
- "naucs_at_3_std": 1.0,
565
- "naucs_at_3_diff1": 1.0,
566
- "naucs_at_5_max": 1.0,
567
- "naucs_at_5_std": 1.0,
568
- "naucs_at_5_diff1": 1.0,
569
- "naucs_at_10_max": 1.0,
570
- "naucs_at_10_std": 1.0,
571
- "naucs_at_10_diff1": 1.0,
572
- "naucs_at_20_max": 1.0,
573
- "naucs_at_20_std": 1.0,
574
- "naucs_at_20_diff1": 1.0,
575
- "naucs_at_50_max": null,
576
- "naucs_at_50_std": null,
577
- "naucs_at_50_diff1": null,
578
- "naucs_at_100_max": null,
579
- "naucs_at_100_std": null,
580
- "naucs_at_100_diff1": null
581
- }
582
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:304bc4d3d620c30be991b788fc0e5c3176495a404a6119d11dbc3c298d5ad575
3
+ size 20325
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
special_tokens_map.json CHANGED
@@ -1,31 +1,3 @@
1
- {
2
- "additional_special_tokens": [
3
- "<|im_start|>",
4
- "<|im_end|>",
5
- "<|object_ref_start|>",
6
- "<|object_ref_end|>",
7
- "<|box_start|>",
8
- "<|box_end|>",
9
- "<|quad_start|>",
10
- "<|quad_end|>",
11
- "<|vision_start|>",
12
- "<|vision_end|>",
13
- "<|vision_pad|>",
14
- "<|image_pad|>",
15
- "<|video_pad|>"
16
- ],
17
- "eos_token": {
18
- "content": "<|im_end|>",
19
- "lstrip": false,
20
- "normalized": false,
21
- "rstrip": false,
22
- "single_word": false
23
- },
24
- "pad_token": {
25
- "content": "<|endoftext|>",
26
- "lstrip": false,
27
- "normalized": false,
28
- "rstrip": false,
29
- "single_word": false
30
- }
31
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:76862e765266b85aa9459767e33cbaf13970f327a0e88d1c65846c2ddd3a1ecd
3
+ size 613
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
tokenizer_config.json CHANGED
@@ -1,209 +1,3 @@
1
- {
2
- "add_bos_token": false,
3
- "add_prefix_space": false,
4
- "added_tokens_decoder": {
5
- "151643": {
6
- "content": "<|endoftext|>",
7
- "lstrip": false,
8
- "normalized": false,
9
- "rstrip": false,
10
- "single_word": false,
11
- "special": true
12
- },
13
- "151644": {
14
- "content": "<|im_start|>",
15
- "lstrip": false,
16
- "normalized": false,
17
- "rstrip": false,
18
- "single_word": false,
19
- "special": true
20
- },
21
- "151645": {
22
- "content": "<|im_end|>",
23
- "lstrip": false,
24
- "normalized": false,
25
- "rstrip": false,
26
- "single_word": false,
27
- "special": true
28
- },
29
- "151646": {
30
- "content": "<|object_ref_start|>",
31
- "lstrip": false,
32
- "normalized": false,
33
- "rstrip": false,
34
- "single_word": false,
35
- "special": true
36
- },
37
- "151647": {
38
- "content": "<|object_ref_end|>",
39
- "lstrip": false,
40
- "normalized": false,
41
- "rstrip": false,
42
- "single_word": false,
43
- "special": true
44
- },
45
- "151648": {
46
- "content": "<|box_start|>",
47
- "lstrip": false,
48
- "normalized": false,
49
- "rstrip": false,
50
- "single_word": false,
51
- "special": true
52
- },
53
- "151649": {
54
- "content": "<|box_end|>",
55
- "lstrip": false,
56
- "normalized": false,
57
- "rstrip": false,
58
- "single_word": false,
59
- "special": true
60
- },
61
- "151650": {
62
- "content": "<|quad_start|>",
63
- "lstrip": false,
64
- "normalized": false,
65
- "rstrip": false,
66
- "single_word": false,
67
- "special": true
68
- },
69
- "151651": {
70
- "content": "<|quad_end|>",
71
- "lstrip": false,
72
- "normalized": false,
73
- "rstrip": false,
74
- "single_word": false,
75
- "special": true
76
- },
77
- "151652": {
78
- "content": "<|vision_start|>",
79
- "lstrip": false,
80
- "normalized": false,
81
- "rstrip": false,
82
- "single_word": false,
83
- "special": true
84
- },
85
- "151653": {
86
- "content": "<|vision_end|>",
87
- "lstrip": false,
88
- "normalized": false,
89
- "rstrip": false,
90
- "single_word": false,
91
- "special": true
92
- },
93
- "151654": {
94
- "content": "<|vision_pad|>",
95
- "lstrip": false,
96
- "normalized": false,
97
- "rstrip": false,
98
- "single_word": false,
99
- "special": true
100
- },
101
- "151655": {
102
- "content": "<|image_pad|>",
103
- "lstrip": false,
104
- "normalized": false,
105
- "rstrip": false,
106
- "single_word": false,
107
- "special": true
108
- },
109
- "151656": {
110
- "content": "<|video_pad|>",
111
- "lstrip": false,
112
- "normalized": false,
113
- "rstrip": false,
114
- "single_word": false,
115
- "special": true
116
- },
117
- "151657": {
118
- "content": "<tool_call>",
119
- "lstrip": false,
120
- "normalized": false,
121
- "rstrip": false,
122
- "single_word": false,
123
- "special": false
124
- },
125
- "151658": {
126
- "content": "</tool_call>",
127
- "lstrip": false,
128
- "normalized": false,
129
- "rstrip": false,
130
- "single_word": false,
131
- "special": false
132
- },
133
- "151659": {
134
- "content": "<|fim_prefix|>",
135
- "lstrip": false,
136
- "normalized": false,
137
- "rstrip": false,
138
- "single_word": false,
139
- "special": false
140
- },
141
- "151660": {
142
- "content": "<|fim_middle|>",
143
- "lstrip": false,
144
- "normalized": false,
145
- "rstrip": false,
146
- "single_word": false,
147
- "special": false
148
- },
149
- "151661": {
150
- "content": "<|fim_suffix|>",
151
- "lstrip": false,
152
- "normalized": false,
153
- "rstrip": false,
154
- "single_word": false,
155
- "special": false
156
- },
157
- "151662": {
158
- "content": "<|fim_pad|>",
159
- "lstrip": false,
160
- "normalized": false,
161
- "rstrip": false,
162
- "single_word": false,
163
- "special": false
164
- },
165
- "151663": {
166
- "content": "<|repo_name|>",
167
- "lstrip": false,
168
- "normalized": false,
169
- "rstrip": false,
170
- "single_word": false,
171
- "special": false
172
- },
173
- "151664": {
174
- "content": "<|file_sep|>",
175
- "lstrip": false,
176
- "normalized": false,
177
- "rstrip": false,
178
- "single_word": false,
179
- "special": false
180
- }
181
- },
182
- "additional_special_tokens": [
183
- "<|im_start|>",
184
- "<|im_end|>",
185
- "<|object_ref_start|>",
186
- "<|object_ref_end|>",
187
- "<|box_start|>",
188
- "<|box_end|>",
189
- "<|quad_start|>",
190
- "<|quad_end|>",
191
- "<|vision_start|>",
192
- "<|vision_end|>",
193
- "<|vision_pad|>",
194
- "<|image_pad|>",
195
- "<|video_pad|>"
196
- ],
197
- "bos_token": null,
198
- "chat_template": "{%- if tools %}\n {{- '<|im_start|>system\\n' }}\n {%- if messages[0]['role'] == 'system' %}\n {{- messages[0]['content'] }}\n {%- else %}\n {{- 'You are a helpful assistant.' }}\n {%- endif %}\n {{- \"\\n\\n# Tools\\n\\nYou may call one or more functions to assist with the user query.\\n\\nYou are provided with function signatures within <tools></tools> XML tags:\\n<tools>\" }}\n {%- for tool in tools %}\n {{- \"\\n\" }}\n {{- tool | tojson }}\n {%- endfor %}\n {{- \"\\n</tools>\\n\\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\\n<tool_call>\\n{\\\"name\\\": <function-name>, \\\"arguments\\\": <args-json-object>}\\n</tool_call><|im_end|>\\n\" }}\n{%- else %}\n {%- if messages[0]['role'] == 'system' %}\n {{- '<|im_start|>system\\n' + messages[0]['content'] + '<|im_end|>\\n' }}\n {%- else %}\n {{- '<|im_start|>system\\nYou are a helpful assistant.<|im_end|>\\n' }}\n {%- endif %}\n{%- endif %}\n{%- for message in messages %}\n {%- if (message.role == \"user\") or (message.role == \"system\" and not loop.first) or (message.role == \"assistant\" and not message.tool_calls) %}\n {{- '<|im_start|>' + message.role + '\\n' + message.content + '<|im_end|>' + '\\n' }}\n {%- elif message.role == \"assistant\" %}\n {{- '<|im_start|>' + message.role }}\n {%- if message.content %}\n {{- '\\n' + message.content }}\n {%- endif %}\n {%- for tool_call in message.tool_calls %}\n {%- if tool_call.function is defined %}\n {%- set tool_call = tool_call.function %}\n {%- endif %}\n {{- '\\n<tool_call>\\n{\"name\": \"' }}\n {{- tool_call.name }}\n {{- '\", \"arguments\": ' }}\n {{- tool_call.arguments | tojson }}\n {{- '}\\n</tool_call>' }}\n {%- endfor %}\n {{- '<|im_end|>\\n' }}\n {%- elif message.role == \"tool\" %}\n {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != \"tool\") %}\n {{- '<|im_start|>user' }}\n {%- endif %}\n {{- '\\n<tool_response>\\n' }}\n {{- message.content }}\n {{- '\\n</tool_response>' }}\n {%- if loop.last or (messages[loop.index0 + 1].role != \"tool\") %}\n {{- '<|im_end|>\\n' }}\n {%- endif %}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|im_start|>assistant\\n' }}\n{%- endif %}\n",
199
- "clean_up_tokenization_spaces": false,
200
- "eos_token": "<|im_end|>",
201
- "errors": "replace",
202
- "extra_special_tokens": {},
203
- "model_max_length": 131072,
204
- "pad_token": "<|endoftext|>",
205
- "processor_class": "JinaEmbeddingsV4Processor",
206
- "split_special_tokens": false,
207
- "tokenizer_class": "Qwen2Tokenizer",
208
- "unk_token": null
209
- }
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:13d28527663126ad9ab8a34aa6a4028b3f0b25f100defec89ee90b442d368dde
3
+ size 7306
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
vocab.json CHANGED
The diff for this file is too large to render. See raw diff