helenai commited on
Commit
69f8e67
·
verified ·
1 Parent(s): 93cf42c

Upload 22 files

Browse files
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
added_tokens.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</box>": 151654,
3
+ "</img>": 151647,
4
+ "</quad>": 151650,
5
+ "</ref>": 151652,
6
+ "<IMG_CONTEXT>": 151648,
7
+ "<box>": 151653,
8
+ "<img>": 151646,
9
+ "<quad>": 151649,
10
+ "<ref>": 151651,
11
+ "<|endoftext|>": 151643,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644
14
+ }
config.json ADDED
@@ -0,0 +1,196 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_attn_implementation_autoset": true,
3
+ "_commit_hash": null,
4
+ "_name_or_path": "C:\\Users\\ccg\\AppData\\Local\\Temp\\tmpac2rcf0r",
5
+ "architectures": [
6
+ "InternVLChatModel"
7
+ ],
8
+ "auto_map": {
9
+ "AutoConfig": "configuration_internvl_chat.InternVLChatConfig",
10
+ "AutoModel": "OpenGVLab/InternVL2-1B--modeling_internvl_chat.InternVLChatModel",
11
+ "AutoModelForCausalLM": "OpenGVLab/InternVL2-1B--modeling_internvl_chat.InternVLChatModel"
12
+ },
13
+ "downsample_ratio": 0.5,
14
+ "dynamic_image_size": true,
15
+ "force_image_size": 448,
16
+ "img_context_token_id": 151648,
17
+ "llm_config": {
18
+ "_attn_implementation_autoset": true,
19
+ "_name_or_path": "Qwen/Qwen2-0.5B-Instruct",
20
+ "add_cross_attention": false,
21
+ "architectures": [
22
+ "Qwen2ForCausalLM"
23
+ ],
24
+ "attention_dropout": 0.0,
25
+ "bad_words_ids": null,
26
+ "begin_suppress_tokens": null,
27
+ "bos_token_id": 151643,
28
+ "chunk_size_feed_forward": 0,
29
+ "cross_attention_hidden_size": null,
30
+ "decoder_start_token_id": null,
31
+ "diversity_penalty": 0.0,
32
+ "do_sample": false,
33
+ "early_stopping": false,
34
+ "encoder_no_repeat_ngram_size": 0,
35
+ "eos_token_id": 151645,
36
+ "exponential_decay_length_penalty": null,
37
+ "finetuning_task": null,
38
+ "forced_bos_token_id": null,
39
+ "forced_eos_token_id": null,
40
+ "hidden_act": "silu",
41
+ "hidden_size": 896,
42
+ "id2label": {
43
+ "0": "LABEL_0",
44
+ "1": "LABEL_1"
45
+ },
46
+ "initializer_range": 0.02,
47
+ "intermediate_size": 4864,
48
+ "is_decoder": false,
49
+ "is_encoder_decoder": false,
50
+ "label2id": {
51
+ "LABEL_0": 0,
52
+ "LABEL_1": 1
53
+ },
54
+ "length_penalty": 1.0,
55
+ "max_length": 20,
56
+ "max_position_embeddings": 32768,
57
+ "max_window_layers": 24,
58
+ "min_length": 0,
59
+ "model_type": "qwen2",
60
+ "no_repeat_ngram_size": 0,
61
+ "num_attention_heads": 14,
62
+ "num_beam_groups": 1,
63
+ "num_beams": 1,
64
+ "num_hidden_layers": 24,
65
+ "num_key_value_heads": 2,
66
+ "num_return_sequences": 1,
67
+ "output_attentions": false,
68
+ "output_hidden_states": false,
69
+ "output_scores": false,
70
+ "pad_token_id": null,
71
+ "prefix": null,
72
+ "problem_type": null,
73
+ "pruned_heads": {},
74
+ "remove_invalid_values": false,
75
+ "repetition_penalty": 1.0,
76
+ "return_dict": true,
77
+ "return_dict_in_generate": false,
78
+ "rms_norm_eps": 1e-06,
79
+ "rope_scaling": null,
80
+ "rope_theta": 1000000.0,
81
+ "sep_token_id": null,
82
+ "sliding_window": null,
83
+ "suppress_tokens": null,
84
+ "task_specific_params": null,
85
+ "temperature": 1.0,
86
+ "tf_legacy_loss": false,
87
+ "tie_encoder_decoder": false,
88
+ "tie_word_embeddings": false,
89
+ "tokenizer_class": null,
90
+ "top_k": 50,
91
+ "top_p": 1.0,
92
+ "torch_dtype": "bfloat16",
93
+ "torchscript": false,
94
+ "transformers_version": "4.46.3",
95
+ "typical_p": 1.0,
96
+ "use_bfloat16": true,
97
+ "use_cache": true,
98
+ "use_sliding_window": false,
99
+ "vocab_size": 151655
100
+ },
101
+ "max_dynamic_patch": 12,
102
+ "min_dynamic_patch": 1,
103
+ "model_type": "internvl_chat",
104
+ "ps_version": "v2",
105
+ "select_layer": -1,
106
+ "template": "Hermes-2",
107
+ "transformers_version": null,
108
+ "use_backbone_lora": 0,
109
+ "use_llm_lora": 0,
110
+ "use_thumbnail": true,
111
+ "vision_config": {
112
+ "_attn_implementation_autoset": true,
113
+ "_name_or_path": "",
114
+ "add_cross_attention": false,
115
+ "architectures": [
116
+ "InternVisionModel"
117
+ ],
118
+ "attention_dropout": 0.0,
119
+ "bad_words_ids": null,
120
+ "begin_suppress_tokens": null,
121
+ "bos_token_id": null,
122
+ "chunk_size_feed_forward": 0,
123
+ "cross_attention_hidden_size": null,
124
+ "decoder_start_token_id": null,
125
+ "diversity_penalty": 0.0,
126
+ "do_sample": false,
127
+ "drop_path_rate": 0.0,
128
+ "dropout": 0.0,
129
+ "early_stopping": false,
130
+ "encoder_no_repeat_ngram_size": 0,
131
+ "eos_token_id": null,
132
+ "exponential_decay_length_penalty": null,
133
+ "finetuning_task": null,
134
+ "forced_bos_token_id": null,
135
+ "forced_eos_token_id": null,
136
+ "hidden_act": "gelu",
137
+ "hidden_size": 1024,
138
+ "id2label": {
139
+ "0": "LABEL_0",
140
+ "1": "LABEL_1"
141
+ },
142
+ "image_size": 448,
143
+ "initializer_factor": 1.0,
144
+ "initializer_range": 0.02,
145
+ "intermediate_size": 4096,
146
+ "is_decoder": false,
147
+ "is_encoder_decoder": false,
148
+ "label2id": {
149
+ "LABEL_0": 0,
150
+ "LABEL_1": 1
151
+ },
152
+ "layer_norm_eps": 1e-06,
153
+ "length_penalty": 1.0,
154
+ "max_length": 20,
155
+ "min_length": 0,
156
+ "model_type": "intern_vit_6b",
157
+ "no_repeat_ngram_size": 0,
158
+ "norm_type": "layer_norm",
159
+ "num_attention_heads": 16,
160
+ "num_beam_groups": 1,
161
+ "num_beams": 1,
162
+ "num_channels": 3,
163
+ "num_hidden_layers": 24,
164
+ "num_return_sequences": 1,
165
+ "output_attentions": false,
166
+ "output_hidden_states": false,
167
+ "output_scores": false,
168
+ "pad_token_id": null,
169
+ "patch_size": 14,
170
+ "prefix": null,
171
+ "problem_type": null,
172
+ "pruned_heads": {},
173
+ "qk_normalization": false,
174
+ "qkv_bias": true,
175
+ "remove_invalid_values": false,
176
+ "repetition_penalty": 1.0,
177
+ "return_dict": true,
178
+ "return_dict_in_generate": false,
179
+ "sep_token_id": null,
180
+ "suppress_tokens": null,
181
+ "task_specific_params": null,
182
+ "temperature": 1.0,
183
+ "tf_legacy_loss": false,
184
+ "tie_encoder_decoder": false,
185
+ "tie_word_embeddings": true,
186
+ "tokenizer_class": null,
187
+ "top_k": 50,
188
+ "top_p": 1.0,
189
+ "torch_dtype": "bfloat16",
190
+ "torchscript": false,
191
+ "transformers_version": "4.46.3",
192
+ "typical_p": 1.0,
193
+ "use_bfloat16": true,
194
+ "use_flash_attn": false
195
+ }
196
+ }
configuration_intern_vit.py ADDED
@@ -0,0 +1,120 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # --------------------------------------------------------
2
+ # InternVL
3
+ # Copyright (c) 2024 OpenGVLab
4
+ # Licensed under The MIT License [see LICENSE for details]
5
+ # --------------------------------------------------------
6
+
7
+ import os
8
+ from typing import Union
9
+
10
+ from transformers.configuration_utils import PretrainedConfig
11
+ from transformers.utils import logging
12
+
13
+ logger = logging.get_logger(__name__)
14
+
15
+
16
+ class InternVisionConfig(PretrainedConfig):
17
+ r"""
18
+ This is the configuration class to store the configuration of a [`InternVisionModel`]. It is used to
19
+ instantiate a vision encoder according to the specified arguments, defining the model architecture.
20
+
21
+ Configuration objects inherit from [`PretrainedConfig`] and can be used to control the model outputs. Read the
22
+ documentation from [`PretrainedConfig`] for more information.
23
+
24
+ Args:
25
+ num_channels (`int`, *optional*, defaults to 3):
26
+ Number of color channels in the input images (e.g., 3 for RGB).
27
+ patch_size (`int`, *optional*, defaults to 14):
28
+ The size (resolution) of each patch.
29
+ image_size (`int`, *optional*, defaults to 224):
30
+ The size (resolution) of each image.
31
+ qkv_bias (`bool`, *optional*, defaults to `False`):
32
+ Whether to add a bias to the queries and values in the self-attention layers.
33
+ hidden_size (`int`, *optional*, defaults to 3200):
34
+ Dimensionality of the encoder layers and the pooler layer.
35
+ num_attention_heads (`int`, *optional*, defaults to 25):
36
+ Number of attention heads for each attention layer in the Transformer encoder.
37
+ intermediate_size (`int`, *optional*, defaults to 12800):
38
+ Dimensionality of the "intermediate" (i.e., feed-forward) layer in the Transformer encoder.
39
+ qk_normalization (`bool`, *optional*, defaults to `True`):
40
+ Whether to normalize the queries and keys in the self-attention layers.
41
+ num_hidden_layers (`int`, *optional*, defaults to 48):
42
+ Number of hidden layers in the Transformer encoder.
43
+ use_flash_attn (`bool`, *optional*, defaults to `True`):
44
+ Whether to use flash attention mechanism.
45
+ hidden_act (`str` or `function`, *optional*, defaults to `"gelu"`):
46
+ The non-linear activation function (function or string) in the encoder and pooler. If string, `"gelu"`,
47
+ `"relu"`, `"selu"` and `"gelu_new"` ``"gelu"` are supported.
48
+ layer_norm_eps (`float`, *optional*, defaults to 1e-6):
49
+ The epsilon used by the layer normalization layers.
50
+ dropout (`float`, *optional*, defaults to 0.0):
51
+ The dropout probability for all fully connected layers in the embeddings, encoder, and pooler.
52
+ drop_path_rate (`float`, *optional*, defaults to 0.0):
53
+ Dropout rate for stochastic depth.
54
+ attention_dropout (`float`, *optional*, defaults to 0.0):
55
+ The dropout ratio for the attention probabilities.
56
+ initializer_range (`float`, *optional*, defaults to 0.02):
57
+ The standard deviation of the truncated_normal_initializer for initializing all weight matrices.
58
+ initializer_factor (`float`, *optional*, defaults to 0.1):
59
+ A factor for layer scale.
60
+ """
61
+
62
+ model_type = 'intern_vit_6b'
63
+
64
+ def __init__(
65
+ self,
66
+ num_channels=3,
67
+ patch_size=14,
68
+ image_size=224,
69
+ qkv_bias=False,
70
+ hidden_size=3200,
71
+ num_attention_heads=25,
72
+ intermediate_size=12800,
73
+ qk_normalization=True,
74
+ num_hidden_layers=48,
75
+ use_flash_attn=True,
76
+ hidden_act='gelu',
77
+ norm_type='rms_norm',
78
+ layer_norm_eps=1e-6,
79
+ dropout=0.0,
80
+ drop_path_rate=0.0,
81
+ attention_dropout=0.0,
82
+ initializer_range=0.02,
83
+ initializer_factor=0.1,
84
+ **kwargs,
85
+ ):
86
+ super().__init__(**kwargs)
87
+
88
+ self.hidden_size = hidden_size
89
+ self.intermediate_size = intermediate_size
90
+ self.dropout = dropout
91
+ self.drop_path_rate = drop_path_rate
92
+ self.num_hidden_layers = num_hidden_layers
93
+ self.num_attention_heads = num_attention_heads
94
+ self.num_channels = num_channels
95
+ self.patch_size = patch_size
96
+ self.image_size = image_size
97
+ self.initializer_range = initializer_range
98
+ self.initializer_factor = initializer_factor
99
+ self.attention_dropout = attention_dropout
100
+ self.layer_norm_eps = layer_norm_eps
101
+ self.hidden_act = hidden_act
102
+ self.norm_type = norm_type
103
+ self.qkv_bias = qkv_bias
104
+ self.qk_normalization = qk_normalization
105
+ self.use_flash_attn = use_flash_attn
106
+
107
+ @classmethod
108
+ def from_pretrained(cls, pretrained_model_name_or_path: Union[str, os.PathLike], **kwargs) -> 'PretrainedConfig':
109
+ config_dict, kwargs = cls.get_config_dict(pretrained_model_name_or_path, **kwargs)
110
+
111
+ if 'vision_config' in config_dict:
112
+ config_dict = config_dict['vision_config']
113
+
114
+ if 'model_type' in config_dict and hasattr(cls, 'model_type') and config_dict['model_type'] != cls.model_type:
115
+ logger.warning(
116
+ f"You are using a model of type {config_dict['model_type']} to instantiate a model of type "
117
+ f'{cls.model_type}. This is not supported for all configurations of models and can yield errors.'
118
+ )
119
+
120
+ return cls.from_dict(config_dict, **kwargs)
configuration_internvl_chat.py ADDED
@@ -0,0 +1,95 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # --------------------------------------------------------
2
+ # InternVL
3
+ # Copyright (c) 2024 OpenGVLab
4
+ # Licensed under The MIT License [see LICENSE for details]
5
+ # --------------------------------------------------------
6
+
7
+ import copy
8
+
9
+ from transformers import AutoConfig, LlamaConfig, Qwen2Config
10
+ from transformers.configuration_utils import PretrainedConfig
11
+ from transformers.utils import logging
12
+
13
+ from .configuration_intern_vit import InternVisionConfig
14
+
15
+ logger = logging.get_logger(__name__)
16
+
17
+
18
+ class InternVLChatConfig(PretrainedConfig):
19
+ model_type = 'internvl_chat'
20
+ is_composition = True
21
+
22
+ def __init__(
23
+ self,
24
+ vision_config=None,
25
+ llm_config=None,
26
+ use_backbone_lora=0,
27
+ use_llm_lora=0,
28
+ select_layer=-1,
29
+ force_image_size=None,
30
+ downsample_ratio=0.5,
31
+ template=None,
32
+ dynamic_image_size=False,
33
+ use_thumbnail=False,
34
+ ps_version='v1',
35
+ min_dynamic_patch=1,
36
+ max_dynamic_patch=6,
37
+ **kwargs):
38
+ super().__init__(**kwargs)
39
+
40
+ if vision_config is None:
41
+ vision_config = {'architectures': ['InternVisionModel']}
42
+ logger.info('vision_config is None. Initializing the InternVisionConfig with default values.')
43
+
44
+ if llm_config is None:
45
+ llm_config = {'architectures': ['Qwen2ForCausalLM']}
46
+ logger.info('llm_config is None. Initializing the LlamaConfig config with default values (`LlamaConfig`).')
47
+
48
+ self.vision_config = InternVisionConfig(**vision_config)
49
+ if llm_config.get('architectures')[0] == 'LlamaForCausalLM':
50
+ self.llm_config = LlamaConfig(**llm_config)
51
+ elif llm_config.get('architectures')[0] == 'Qwen2ForCausalLM':
52
+ self.llm_config = Qwen2Config(**llm_config)
53
+ else:
54
+ raise ValueError('Unsupported architecture: {}'.format(llm_config.get('architectures')[0]))
55
+ self.use_backbone_lora = use_backbone_lora
56
+ self.use_llm_lora = use_llm_lora
57
+ self.select_layer = select_layer
58
+ self.force_image_size = force_image_size
59
+ self.downsample_ratio = downsample_ratio
60
+ self.template = template
61
+ self.dynamic_image_size = dynamic_image_size
62
+ self.use_thumbnail = use_thumbnail
63
+ self.ps_version = ps_version # pixel shuffle version
64
+ self.min_dynamic_patch = min_dynamic_patch
65
+ self.max_dynamic_patch = max_dynamic_patch
66
+
67
+ logger.info(f'vision_select_layer: {self.select_layer}')
68
+ logger.info(f'ps_version: {self.ps_version}')
69
+ logger.info(f'min_dynamic_patch: {self.min_dynamic_patch}')
70
+ logger.info(f'max_dynamic_patch: {self.max_dynamic_patch}')
71
+
72
+ def to_dict(self):
73
+ """
74
+ Serializes this instance to a Python dictionary. Override the default [`~PretrainedConfig.to_dict`].
75
+
76
+ Returns:
77
+ `Dict[str, any]`: Dictionary of all the attributes that make up this configuration instance,
78
+ """
79
+ output = copy.deepcopy(self.__dict__)
80
+ output['vision_config'] = self.vision_config.to_dict()
81
+ output['llm_config'] = self.llm_config.to_dict()
82
+ output['model_type'] = self.__class__.model_type
83
+ output['use_backbone_lora'] = self.use_backbone_lora
84
+ output['use_llm_lora'] = self.use_llm_lora
85
+ output['select_layer'] = self.select_layer
86
+ output['force_image_size'] = self.force_image_size
87
+ output['downsample_ratio'] = self.downsample_ratio
88
+ output['template'] = self.template
89
+ output['dynamic_image_size'] = self.dynamic_image_size
90
+ output['use_thumbnail'] = self.use_thumbnail
91
+ output['ps_version'] = self.ps_version
92
+ output['min_dynamic_patch'] = self.min_dynamic_patch
93
+ output['max_dynamic_patch'] = self.max_dynamic_patch
94
+
95
+ return output
generation_config.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_from_model_config": true,
3
+ "eos_token_id": [
4
+ 151644,
5
+ 151645
6
+ ],
7
+ "transformers_version": "4.46.3"
8
+ }
merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
openvino_config.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "compression": null,
3
+ "dtype": "int4",
4
+ "input_info": null,
5
+ "optimum_version": "1.24.0.dev0",
6
+ "quantization_config": {
7
+ "all_layers": null,
8
+ "backup_precision": null,
9
+ "bits": 4,
10
+ "dataset": "contextual",
11
+ "gptq": null,
12
+ "group_size": 128,
13
+ "ignored_scope": null,
14
+ "lora_correction": null,
15
+ "num_samples": 32,
16
+ "processor": null,
17
+ "quant_method": "awq",
18
+ "ratio": 1.0,
19
+ "scale_estimation": null,
20
+ "sensitivity_metric": null,
21
+ "sym": false,
22
+ "tokenizer": null,
23
+ "trust_remote_code": true,
24
+ "weight_format": "int4"
25
+ },
26
+ "save_onnx_model": false,
27
+ "transformers_version": "4.46.3"
28
+ }
openvino_detokenizer.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b41ba577aae17000fd3ef696814db3344bd536a46b9975f6662a6bd7a9a42644
3
+ size 1582691
openvino_detokenizer.xml ADDED
@@ -0,0 +1,211 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <?xml version="1.0"?>
2
+ <net name="detokenizer" version="11">
3
+ <layers>
4
+ <layer id="0" name="Parameter_160679" type="Parameter" version="opset1">
5
+ <data shape="?,?" element_type="i64" />
6
+ <output>
7
+ <port id="0" precision="I64" names="Parameter_160679">
8
+ <dim>-1</dim>
9
+ <dim>-1</dim>
10
+ </port>
11
+ </output>
12
+ </layer>
13
+ <layer id="1" name="Convert_160691" type="Convert" version="opset1">
14
+ <data destination_type="i32" />
15
+ <input>
16
+ <port id="0" precision="I64">
17
+ <dim>-1</dim>
18
+ <dim>-1</dim>
19
+ </port>
20
+ </input>
21
+ <output>
22
+ <port id="1" precision="I32">
23
+ <dim>-1</dim>
24
+ <dim>-1</dim>
25
+ </port>
26
+ </output>
27
+ </layer>
28
+ <layer id="2" name="Constant_160654" type="Const" version="opset1">
29
+ <data element_type="u8" shape="1582691" offset="0" size="1582691" />
30
+ <output>
31
+ <port id="0" precision="U8">
32
+ <dim>1582691</dim>
33
+ </port>
34
+ </output>
35
+ </layer>
36
+ <layer id="3" name="StringTensorUnpack_160655" type="StringTensorUnpack" version="extension">
37
+ <data mode="begins_ends" />
38
+ <input>
39
+ <port id="0" precision="U8">
40
+ <dim>1582691</dim>
41
+ </port>
42
+ </input>
43
+ <output>
44
+ <port id="1" precision="I32">
45
+ <dim>-1</dim>
46
+ </port>
47
+ <port id="2" precision="I32">
48
+ <dim>-1</dim>
49
+ </port>
50
+ <port id="3" precision="U8">
51
+ <dim>-1</dim>
52
+ </port>
53
+ </output>
54
+ </layer>
55
+ <layer id="4" name="VocabDecoder_160680" type="VocabDecoder" version="extension">
56
+ <data skip_tokens="151643, 151644, 151645, 151646, 151647, 151648, 151649, 151650, 151651, 151652, 151653, 151654" />
57
+ <input>
58
+ <port id="0" precision="I32">
59
+ <dim>-1</dim>
60
+ <dim>-1</dim>
61
+ </port>
62
+ <port id="1" precision="I32">
63
+ <dim>-1</dim>
64
+ </port>
65
+ <port id="2" precision="I32">
66
+ <dim>-1</dim>
67
+ </port>
68
+ <port id="3" precision="U8">
69
+ <dim>-1</dim>
70
+ </port>
71
+ </input>
72
+ <output>
73
+ <port id="4" precision="I32">
74
+ <dim>-1</dim>
75
+ </port>
76
+ <port id="5" precision="I32">
77
+ <dim>-1</dim>
78
+ </port>
79
+ <port id="6" precision="I32">
80
+ <dim>-1</dim>
81
+ </port>
82
+ <port id="7" precision="I32">
83
+ <dim>-1</dim>
84
+ </port>
85
+ <port id="8" precision="U8">
86
+ <dim>-1</dim>
87
+ </port>
88
+ </output>
89
+ </layer>
90
+ <layer id="5" name="FuzeRagged_160681" type="FuzeRagged" version="extension">
91
+ <input>
92
+ <port id="0" precision="I32">
93
+ <dim>-1</dim>
94
+ </port>
95
+ <port id="1" precision="I32">
96
+ <dim>-1</dim>
97
+ </port>
98
+ <port id="2" precision="I32">
99
+ <dim>-1</dim>
100
+ </port>
101
+ <port id="3" precision="I32">
102
+ <dim>-1</dim>
103
+ </port>
104
+ </input>
105
+ <output>
106
+ <port id="4" precision="I32">
107
+ <dim>-1</dim>
108
+ </port>
109
+ <port id="5" precision="I32">
110
+ <dim>-1</dim>
111
+ </port>
112
+ </output>
113
+ </layer>
114
+ <layer id="6" name="UTF8Validate_160682" type="UTF8Validate" version="extension">
115
+ <data replace_mode="true" />
116
+ <input>
117
+ <port id="0" precision="I32">
118
+ <dim>-1</dim>
119
+ </port>
120
+ <port id="1" precision="I32">
121
+ <dim>-1</dim>
122
+ </port>
123
+ <port id="2" precision="U8">
124
+ <dim>-1</dim>
125
+ </port>
126
+ </input>
127
+ <output>
128
+ <port id="3" precision="I32">
129
+ <dim>-1</dim>
130
+ </port>
131
+ <port id="4" precision="I32">
132
+ <dim>-1</dim>
133
+ </port>
134
+ <port id="5" precision="U8">
135
+ <dim>-1</dim>
136
+ </port>
137
+ </output>
138
+ </layer>
139
+ <layer id="7" name="StringTensorPack_160683" type="StringTensorPack" version="extension">
140
+ <data mode="begins_ends" />
141
+ <input>
142
+ <port id="0" precision="I32">
143
+ <dim>-1</dim>
144
+ </port>
145
+ <port id="1" precision="I32">
146
+ <dim>-1</dim>
147
+ </port>
148
+ <port id="2" precision="U8">
149
+ <dim>-1</dim>
150
+ </port>
151
+ </input>
152
+ <output>
153
+ <port id="3" precision="STRING" names="string_output">
154
+ <dim>-1</dim>
155
+ </port>
156
+ </output>
157
+ </layer>
158
+ <layer id="8" name="Result_160684" type="Result" version="opset1">
159
+ <input>
160
+ <port id="0" precision="STRING">
161
+ <dim>-1</dim>
162
+ </port>
163
+ </input>
164
+ </layer>
165
+ </layers>
166
+ <edges>
167
+ <edge from-layer="0" from-port="0" to-layer="1" to-port="0" />
168
+ <edge from-layer="1" from-port="1" to-layer="4" to-port="0" />
169
+ <edge from-layer="2" from-port="0" to-layer="3" to-port="0" />
170
+ <edge from-layer="3" from-port="1" to-layer="4" to-port="1" />
171
+ <edge from-layer="3" from-port="2" to-layer="4" to-port="2" />
172
+ <edge from-layer="3" from-port="3" to-layer="4" to-port="3" />
173
+ <edge from-layer="4" from-port="4" to-layer="5" to-port="0" />
174
+ <edge from-layer="4" from-port="5" to-layer="5" to-port="1" />
175
+ <edge from-layer="4" from-port="6" to-layer="5" to-port="2" />
176
+ <edge from-layer="4" from-port="7" to-layer="5" to-port="3" />
177
+ <edge from-layer="4" from-port="8" to-layer="6" to-port="2" />
178
+ <edge from-layer="5" from-port="4" to-layer="6" to-port="0" />
179
+ <edge from-layer="5" from-port="5" to-layer="6" to-port="1" />
180
+ <edge from-layer="6" from-port="3" to-layer="7" to-port="0" />
181
+ <edge from-layer="6" from-port="4" to-layer="7" to-port="1" />
182
+ <edge from-layer="6" from-port="5" to-layer="7" to-port="2" />
183
+ <edge from-layer="7" from-port="3" to-layer="8" to-port="0" />
184
+ </edges>
185
+ <rt_info>
186
+ <add_attention_mask value="True" />
187
+ <add_prefix_space />
188
+ <add_special_tokens value="True" />
189
+ <chat_template value="{% for message in messages %}{% if loop.first and messages[0]['role'] != 'system' %}{{ '&lt;|im_start|>system&#10;You are a helpful assistant.&lt;|im_end|>&#10;' }}{% endif %}{{'&lt;|im_start|>' + message['role'] + '&#10;' + message['content'] + '&lt;|im_end|>' + '&#10;'}}{% endfor %}{% if add_generation_prompt %}{{ '&lt;|im_start|>assistant&#10;' }}{% endif %}" />
190
+ <clean_up_tokenization_spaces />
191
+ <detokenizer_input_type value="i64" />
192
+ <eos_token_id value="151645" />
193
+ <handle_special_tokens_with_re />
194
+ <number_of_inputs value="1" />
195
+ <openvino_tokenizers_version value="2024.6.0.0" />
196
+ <openvino_version value="2024.6.0" />
197
+ <original_tokenizer_class value="&lt;class 'transformers.models.qwen2.tokenization_qwen2_fast.Qwen2TokenizerFast'>" />
198
+ <pad_token_id value="151643" />
199
+ <sentencepiece_version value="0.2.0" />
200
+ <skip_special_tokens value="True" />
201
+ <streaming_detokenizer value="False" />
202
+ <tiktoken_version value="0.8.0" />
203
+ <tokenizer_output_type value="i64" />
204
+ <tokenizers_version value="0.20.1" />
205
+ <transformers_version value="4.46.3" />
206
+ <use_max_padding value="False" />
207
+ <use_sentencepiece_backend value="False" />
208
+ <utf8_replace_mode value="replace" />
209
+ <with_detokenizer value="True" />
210
+ </rt_info>
211
+ </net>
openvino_language_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f861356ff02ac19d356d75208ae92796508e6e07cb1bc2479dd20746fe97b84b
3
+ size 322526573
openvino_language_model.xml ADDED
The diff for this file is too large to render. See raw diff
 
openvino_text_embeddings_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a3b56cdebfe4b6d884386a1fece4ebd7a9350f0ea575aeba1c02b465f87cd180
3
+ size 136186194
openvino_text_embeddings_model.xml ADDED
@@ -0,0 +1,173 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <?xml version="1.0"?>
2
+ <net name="Model6" version="11">
3
+ <layers>
4
+ <layer id="0" name="input" type="Parameter" version="opset1">
5
+ <data shape="?,?" element_type="i64" />
6
+ <output>
7
+ <port id="0" precision="I64" names="input">
8
+ <dim>-1</dim>
9
+ <dim>-1</dim>
10
+ </port>
11
+ </output>
12
+ </layer>
13
+ <layer id="1" name="self.weight" type="Const" version="opset1">
14
+ <data element_type="i8" shape="151655, 896" offset="0" size="135882880" />
15
+ <output>
16
+ <port id="0" precision="I8">
17
+ <dim>151655</dim>
18
+ <dim>896</dim>
19
+ </port>
20
+ </output>
21
+ </layer>
22
+ <layer id="2" name="Convert_154026" type="Convert" version="opset1">
23
+ <data destination_type="f16" />
24
+ <input>
25
+ <port id="0" precision="I8">
26
+ <dim>151655</dim>
27
+ <dim>896</dim>
28
+ </port>
29
+ </input>
30
+ <output>
31
+ <port id="1" precision="FP16">
32
+ <dim>151655</dim>
33
+ <dim>896</dim>
34
+ </port>
35
+ </output>
36
+ </layer>
37
+ <layer id="3" name="self.weight/scale" type="Const" version="opset1">
38
+ <data element_type="f16" shape="151655, 1" offset="135882880" size="303310" />
39
+ <output>
40
+ <port id="0" precision="FP16">
41
+ <dim>151655</dim>
42
+ <dim>1</dim>
43
+ </port>
44
+ </output>
45
+ </layer>
46
+ <layer id="4" name="self.weight/fq_weights_0" type="Multiply" version="opset1">
47
+ <data auto_broadcast="numpy" />
48
+ <input>
49
+ <port id="0" precision="FP16">
50
+ <dim>151655</dim>
51
+ <dim>896</dim>
52
+ </port>
53
+ <port id="1" precision="FP16">
54
+ <dim>151655</dim>
55
+ <dim>1</dim>
56
+ </port>
57
+ </input>
58
+ <output>
59
+ <port id="2" precision="FP16">
60
+ <dim>151655</dim>
61
+ <dim>896</dim>
62
+ </port>
63
+ </output>
64
+ </layer>
65
+ <layer id="5" name="self.weight/fq_weights_0/convert" type="Convert" version="opset1">
66
+ <data destination_type="f32" />
67
+ <input>
68
+ <port id="0" precision="FP16">
69
+ <dim>151655</dim>
70
+ <dim>896</dim>
71
+ </port>
72
+ </input>
73
+ <output>
74
+ <port id="1" precision="FP32">
75
+ <dim>151655</dim>
76
+ <dim>896</dim>
77
+ </port>
78
+ </output>
79
+ </layer>
80
+ <layer id="6" name="aten::embedding/Convert" type="Convert" version="opset1">
81
+ <data destination_type="i32" />
82
+ <input>
83
+ <port id="0" precision="I64">
84
+ <dim>-1</dim>
85
+ <dim>-1</dim>
86
+ </port>
87
+ </input>
88
+ <output>
89
+ <port id="1" precision="I32">
90
+ <dim>-1</dim>
91
+ <dim>-1</dim>
92
+ </port>
93
+ </output>
94
+ </layer>
95
+ <layer id="7" name="aten::embedding/Constant" type="Const" version="opset1">
96
+ <data element_type="i32" shape="" offset="136186190" size="4" />
97
+ <output>
98
+ <port id="0" precision="I32" />
99
+ </output>
100
+ </layer>
101
+ <layer id="8" name="aten::embedding/Gather" type="Gather" version="opset8">
102
+ <data batch_dims="0" />
103
+ <input>
104
+ <port id="0" precision="FP32">
105
+ <dim>151655</dim>
106
+ <dim>896</dim>
107
+ </port>
108
+ <port id="1" precision="I32">
109
+ <dim>-1</dim>
110
+ <dim>-1</dim>
111
+ </port>
112
+ <port id="2" precision="I32" />
113
+ </input>
114
+ <output>
115
+ <port id="3" precision="FP32" names="inputs_embeds">
116
+ <dim>-1</dim>
117
+ <dim>-1</dim>
118
+ <dim>896</dim>
119
+ </port>
120
+ </output>
121
+ </layer>
122
+ <layer id="9" name="Result_75015" type="Result" version="opset1">
123
+ <input>
124
+ <port id="0" precision="FP32">
125
+ <dim>-1</dim>
126
+ <dim>-1</dim>
127
+ <dim>896</dim>
128
+ </port>
129
+ </input>
130
+ </layer>
131
+ </layers>
132
+ <edges>
133
+ <edge from-layer="0" from-port="0" to-layer="6" to-port="0" />
134
+ <edge from-layer="1" from-port="0" to-layer="2" to-port="0" />
135
+ <edge from-layer="2" from-port="1" to-layer="4" to-port="0" />
136
+ <edge from-layer="3" from-port="0" to-layer="4" to-port="1" />
137
+ <edge from-layer="4" from-port="2" to-layer="5" to-port="0" />
138
+ <edge from-layer="5" from-port="1" to-layer="8" to-port="0" />
139
+ <edge from-layer="6" from-port="1" to-layer="8" to-port="1" />
140
+ <edge from-layer="7" from-port="0" to-layer="8" to-port="2" />
141
+ <edge from-layer="8" from-port="3" to-layer="9" to-port="0" />
142
+ </edges>
143
+ <rt_info>
144
+ <Runtime_version value="2024.6.0-17404-4c0f47d2335-releases/2024/6" />
145
+ <conversion_parameters>
146
+ <framework value="pytorch" />
147
+ <is_python_object value="True" />
148
+ </conversion_parameters>
149
+ <nncf>
150
+ <friendly_names_were_updated value="True" />
151
+ <weight_compression>
152
+ <advanced_parameters value="{'statistics_path': None, 'awq_params': {'subset_size': 32, 'percent_to_apply': 0.002, 'alpha_min': 0.0, 'alpha_max': 1.0, 'steps': 100}, 'scale_estimation_params': {'subset_size': 64, 'initial_steps': 5, 'scale_steps': 5, 'weight_penalty': -1.0}, 'gptq_params': {'damp_percent': 0.1, 'block_size': 128, 'subset_size': 128}, 'lora_correction_params': {'adapter_rank': 8, 'num_iterations': 3, 'apply_regularization': True, 'subset_size': 128, 'use_int8_adapters': True}}" />
153
+ <all_layers value="False" />
154
+ <awq value="False" />
155
+ <backup_mode value="int8_asym" />
156
+ <gptq value="False" />
157
+ <group_size value="-1" />
158
+ <ignored_scope value="[]" />
159
+ <lora_correction value="False" />
160
+ <mode value="int8_sym" />
161
+ <ratio value="1.0" />
162
+ <scale_estimation value="False" />
163
+ <sensitivity_metric value="weight_quantization_error" />
164
+ </weight_compression>
165
+ </nncf>
166
+ <optimum>
167
+ <optimum_intel_version value="1.22.0.dev0+b49fcbb" />
168
+ <optimum_version value="1.24.0.dev0" />
169
+ <pytorch_version value="2.5.1" />
170
+ <transformers_version value="4.46.3" />
171
+ </optimum>
172
+ </rt_info>
173
+ </net>
openvino_tokenizer.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:92446a83d330564ec194739a6ee6a25d542510dcff6b4e184e700e3ecf397e91
3
+ size 3767943
openvino_tokenizer.xml ADDED
@@ -0,0 +1,736 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <?xml version="1.0"?>
2
+ <net name="tokenizer" version="11">
3
+ <layers>
4
+ <layer id="0" name="Parameter_160572" type="Parameter" version="opset1">
5
+ <data shape="?" element_type="string" />
6
+ <output>
7
+ <port id="0" precision="STRING" names="Parameter_160572">
8
+ <dim>-1</dim>
9
+ </port>
10
+ </output>
11
+ </layer>
12
+ <layer id="1" name="Constant_160578" type="Const" version="opset1">
13
+ <data element_type="i32" shape="" offset="0" size="4" />
14
+ <output>
15
+ <port id="0" precision="I32" />
16
+ </output>
17
+ </layer>
18
+ <layer id="2" name="StringTensorUnpack_160573" type="StringTensorUnpack" version="extension">
19
+ <data mode="begins_ends" />
20
+ <input>
21
+ <port id="0" precision="STRING">
22
+ <dim>-1</dim>
23
+ </port>
24
+ </input>
25
+ <output>
26
+ <port id="1" precision="I32">
27
+ <dim>-1</dim>
28
+ </port>
29
+ <port id="2" precision="I32">
30
+ <dim>-1</dim>
31
+ </port>
32
+ <port id="3" precision="U8">
33
+ <dim>-1</dim>
34
+ </port>
35
+ </output>
36
+ </layer>
37
+ <layer id="3" name="ShapeOf_160574" type="ShapeOf" version="opset3">
38
+ <data output_type="i64" />
39
+ <input>
40
+ <port id="0" precision="I32">
41
+ <dim>-1</dim>
42
+ </port>
43
+ </input>
44
+ <output>
45
+ <port id="1" precision="I64">
46
+ <dim>1</dim>
47
+ </port>
48
+ </output>
49
+ </layer>
50
+ <layer id="4" name="Constant_160575" type="Const" version="opset1">
51
+ <data element_type="i32" shape="" offset="0" size="4" />
52
+ <output>
53
+ <port id="0" precision="I32" />
54
+ </output>
55
+ </layer>
56
+ <layer id="5" name="Constant_160576" type="Const" version="opset1">
57
+ <data element_type="i32" shape="" offset="0" size="4" />
58
+ <output>
59
+ <port id="0" precision="I32" />
60
+ </output>
61
+ </layer>
62
+ <layer id="6" name="Gather_160577" type="Gather" version="opset8">
63
+ <data batch_dims="0" />
64
+ <input>
65
+ <port id="0" precision="I64">
66
+ <dim>1</dim>
67
+ </port>
68
+ <port id="1" precision="I32" />
69
+ <port id="2" precision="I32" />
70
+ </input>
71
+ <output>
72
+ <port id="3" precision="I64" />
73
+ </output>
74
+ </layer>
75
+ <layer id="7" name="Constant_160579" type="Const" version="opset1">
76
+ <data element_type="i32" shape="" offset="4" size="4" />
77
+ <output>
78
+ <port id="0" precision="I32" />
79
+ </output>
80
+ </layer>
81
+ <layer id="8" name="Range_160580" type="Range" version="opset4">
82
+ <data output_type="i32" />
83
+ <input>
84
+ <port id="0" precision="I32" />
85
+ <port id="1" precision="I64" />
86
+ <port id="2" precision="I32" />
87
+ </input>
88
+ <output>
89
+ <port id="3" precision="I32">
90
+ <dim>-1</dim>
91
+ </port>
92
+ </output>
93
+ </layer>
94
+ <layer id="9" name="Constant_160581" type="Const" version="opset1">
95
+ <data element_type="i32" shape="" offset="4" size="4" />
96
+ <output>
97
+ <port id="0" precision="I32" />
98
+ </output>
99
+ </layer>
100
+ <layer id="10" name="Constant_160582" type="Const" version="opset1">
101
+ <data element_type="i64" shape="" offset="8" size="8" />
102
+ <output>
103
+ <port id="0" precision="I64" />
104
+ </output>
105
+ </layer>
106
+ <layer id="11" name="Add_160583" type="Add" version="opset1">
107
+ <data auto_broadcast="numpy" />
108
+ <input>
109
+ <port id="0" precision="I64" />
110
+ <port id="1" precision="I64" />
111
+ </input>
112
+ <output>
113
+ <port id="2" precision="I64" />
114
+ </output>
115
+ </layer>
116
+ <layer id="12" name="Constant_160584" type="Const" version="opset1">
117
+ <data element_type="i32" shape="" offset="4" size="4" />
118
+ <output>
119
+ <port id="0" precision="I32" />
120
+ </output>
121
+ </layer>
122
+ <layer id="13" name="Range_160585" type="Range" version="opset4">
123
+ <data output_type="i32" />
124
+ <input>
125
+ <port id="0" precision="I32" />
126
+ <port id="1" precision="I64" />
127
+ <port id="2" precision="I32" />
128
+ </input>
129
+ <output>
130
+ <port id="3" precision="I32">
131
+ <dim>-1</dim>
132
+ </port>
133
+ </output>
134
+ </layer>
135
+ <layer id="14" name="Constant_160647" type="Const" version="opset1">
136
+ <data element_type="u8" shape="163" offset="16" size="163" />
137
+ <output>
138
+ <port id="0" precision="U8">
139
+ <dim>163</dim>
140
+ </port>
141
+ </output>
142
+ </layer>
143
+ <layer id="15" name="SpecialTokensSplit_160648" type="SpecialTokensSplit" version="extension">
144
+ <input>
145
+ <port id="0" precision="I32">
146
+ <dim>-1</dim>
147
+ </port>
148
+ <port id="1" precision="I32">
149
+ <dim>-1</dim>
150
+ </port>
151
+ <port id="2" precision="I32">
152
+ <dim>-1</dim>
153
+ </port>
154
+ <port id="3" precision="I32">
155
+ <dim>-1</dim>
156
+ </port>
157
+ <port id="4" precision="U8">
158
+ <dim>-1</dim>
159
+ </port>
160
+ <port id="5" precision="U8">
161
+ <dim>163</dim>
162
+ </port>
163
+ </input>
164
+ <output>
165
+ <port id="6" precision="I32">
166
+ <dim>-1</dim>
167
+ </port>
168
+ <port id="7" precision="I32">
169
+ <dim>-1</dim>
170
+ </port>
171
+ <port id="8" precision="I32">
172
+ <dim>-1</dim>
173
+ </port>
174
+ <port id="9" precision="I32">
175
+ <dim>-1</dim>
176
+ </port>
177
+ <port id="10" precision="U8">
178
+ <dim>-1</dim>
179
+ </port>
180
+ <port id="11" precision="BOOL">
181
+ <dim>-1</dim>
182
+ </port>
183
+ </output>
184
+ </layer>
185
+ <layer id="16" name="NormalizeUnicode_160649" type="NormalizeUnicode" version="extension">
186
+ <data normalization_form="NFC" />
187
+ <input>
188
+ <port id="0" precision="I32">
189
+ <dim>-1</dim>
190
+ </port>
191
+ <port id="1" precision="I32">
192
+ <dim>-1</dim>
193
+ </port>
194
+ <port id="2" precision="U8">
195
+ <dim>-1</dim>
196
+ </port>
197
+ <port id="3" precision="BOOL">
198
+ <dim>-1</dim>
199
+ </port>
200
+ </input>
201
+ <output>
202
+ <port id="4" precision="I32">
203
+ <dim>-1</dim>
204
+ </port>
205
+ <port id="5" precision="I32">
206
+ <dim>-1</dim>
207
+ </port>
208
+ <port id="6" precision="U8">
209
+ <dim>-1</dim>
210
+ </port>
211
+ <port id="7" precision="BOOL">
212
+ <dim>-1</dim>
213
+ </port>
214
+ </output>
215
+ </layer>
216
+ <layer id="17" name="Constant_160651" type="Const" version="opset1">
217
+ <data element_type="u8" shape="110" offset="179" size="110" />
218
+ <output>
219
+ <port id="0" precision="U8">
220
+ <dim>110</dim>
221
+ </port>
222
+ </output>
223
+ </layer>
224
+ <layer id="18" name="RegexSplit_160652" type="RegexSplit" version="extension">
225
+ <data behaviour="isolate" invert="false" max_splits="-1" />
226
+ <input>
227
+ <port id="0" precision="I32">
228
+ <dim>-1</dim>
229
+ </port>
230
+ <port id="1" precision="I32">
231
+ <dim>-1</dim>
232
+ </port>
233
+ <port id="2" precision="I32">
234
+ <dim>-1</dim>
235
+ </port>
236
+ <port id="3" precision="I32">
237
+ <dim>-1</dim>
238
+ </port>
239
+ <port id="4" precision="U8">
240
+ <dim>-1</dim>
241
+ </port>
242
+ <port id="5" precision="BOOL">
243
+ <dim>-1</dim>
244
+ </port>
245
+ <port id="6" precision="U8">
246
+ <dim>110</dim>
247
+ </port>
248
+ </input>
249
+ <output>
250
+ <port id="7" precision="I32">
251
+ <dim>-1</dim>
252
+ </port>
253
+ <port id="8" precision="I32">
254
+ <dim>-1</dim>
255
+ </port>
256
+ <port id="9" precision="I32">
257
+ <dim>-1</dim>
258
+ </port>
259
+ <port id="10" precision="I32">
260
+ <dim>-1</dim>
261
+ </port>
262
+ <port id="11" precision="U8">
263
+ <dim>-1</dim>
264
+ </port>
265
+ <port id="12" precision="BOOL">
266
+ <dim>-1</dim>
267
+ </port>
268
+ </output>
269
+ </layer>
270
+ <layer id="19" name="Constant_160654" type="Const" version="opset1">
271
+ <data element_type="u8" shape="1582691" offset="289" size="1582691" />
272
+ <output>
273
+ <port id="0" precision="U8">
274
+ <dim>1582691</dim>
275
+ </port>
276
+ </output>
277
+ </layer>
278
+ <layer id="20" name="StringTensorUnpack_160655" type="StringTensorUnpack" version="extension">
279
+ <data mode="begins_ends" />
280
+ <input>
281
+ <port id="0" precision="U8">
282
+ <dim>1582691</dim>
283
+ </port>
284
+ </input>
285
+ <output>
286
+ <port id="1" precision="I32">
287
+ <dim>-1</dim>
288
+ </port>
289
+ <port id="2" precision="I32">
290
+ <dim>-1</dim>
291
+ </port>
292
+ <port id="3" precision="U8">
293
+ <dim>-1</dim>
294
+ </port>
295
+ </output>
296
+ </layer>
297
+ <layer id="21" name="Constant_160660" type="Const" version="opset1">
298
+ <data element_type="u8" shape="1095806" offset="1582980" size="1095806" />
299
+ <output>
300
+ <port id="0" precision="U8">
301
+ <dim>1095806</dim>
302
+ </port>
303
+ </output>
304
+ </layer>
305
+ <layer id="22" name="StringTensorUnpack_160661" type="StringTensorUnpack" version="extension">
306
+ <data mode="begins_ends" />
307
+ <input>
308
+ <port id="0" precision="U8">
309
+ <dim>1095806</dim>
310
+ </port>
311
+ </input>
312
+ <output>
313
+ <port id="1" precision="I32">
314
+ <dim>-1</dim>
315
+ </port>
316
+ <port id="2" precision="I32">
317
+ <dim>-1</dim>
318
+ </port>
319
+ <port id="3" precision="U8">
320
+ <dim>-1</dim>
321
+ </port>
322
+ </output>
323
+ </layer>
324
+ <layer id="23" name="Constant_160663" type="Const" version="opset1">
325
+ <data element_type="u8" shape="1088951" offset="2678786" size="1088951" />
326
+ <output>
327
+ <port id="0" precision="U8">
328
+ <dim>1088951</dim>
329
+ </port>
330
+ </output>
331
+ </layer>
332
+ <layer id="24" name="StringTensorUnpack_160664" type="StringTensorUnpack" version="extension">
333
+ <data mode="begins_ends" />
334
+ <input>
335
+ <port id="0" precision="U8">
336
+ <dim>1088951</dim>
337
+ </port>
338
+ </input>
339
+ <output>
340
+ <port id="1" precision="I32">
341
+ <dim>-1</dim>
342
+ </port>
343
+ <port id="2" precision="I32">
344
+ <dim>-1</dim>
345
+ </port>
346
+ <port id="3" precision="U8">
347
+ <dim>-1</dim>
348
+ </port>
349
+ </output>
350
+ </layer>
351
+ <layer id="25" name="Constant_160657" type="Const" version="opset1">
352
+ <data element_type="u8" shape="150" offset="3767737" size="150" />
353
+ <output>
354
+ <port id="0" precision="U8">
355
+ <dim>150</dim>
356
+ </port>
357
+ </output>
358
+ </layer>
359
+ <layer id="26" name="StringTensorUnpack_160658" type="StringTensorUnpack" version="extension">
360
+ <data mode="begins_ends" />
361
+ <input>
362
+ <port id="0" precision="U8">
363
+ <dim>150</dim>
364
+ </port>
365
+ </input>
366
+ <output>
367
+ <port id="1" precision="I32">
368
+ <dim>-1</dim>
369
+ </port>
370
+ <port id="2" precision="I32">
371
+ <dim>-1</dim>
372
+ </port>
373
+ <port id="3" precision="U8">
374
+ <dim>-1</dim>
375
+ </port>
376
+ </output>
377
+ </layer>
378
+ <layer id="27" name="Constant_160665" type="Const" version="opset1">
379
+ <data element_type="i32" shape="12" offset="3767887" size="48" />
380
+ <output>
381
+ <port id="0" precision="I32">
382
+ <dim>12</dim>
383
+ </port>
384
+ </output>
385
+ </layer>
386
+ <layer id="28" name="BPETokenizer_160666" type="BPETokenizer" version="extension">
387
+ <data unk_token="" fuse_unk="false" suffix_indicator="" end_suffix="" byte_fallback="false" cache_capacity="30328" />
388
+ <input>
389
+ <port id="0" precision="I32">
390
+ <dim>-1</dim>
391
+ </port>
392
+ <port id="1" precision="I32">
393
+ <dim>-1</dim>
394
+ </port>
395
+ <port id="2" precision="I32">
396
+ <dim>-1</dim>
397
+ </port>
398
+ <port id="3" precision="I32">
399
+ <dim>-1</dim>
400
+ </port>
401
+ <port id="4" precision="U8">
402
+ <dim>-1</dim>
403
+ </port>
404
+ <port id="5" precision="I32">
405
+ <dim>-1</dim>
406
+ </port>
407
+ <port id="6" precision="I32">
408
+ <dim>-1</dim>
409
+ </port>
410
+ <port id="7" precision="U8">
411
+ <dim>-1</dim>
412
+ </port>
413
+ <port id="8" precision="I32">
414
+ <dim>-1</dim>
415
+ </port>
416
+ <port id="9" precision="I32">
417
+ <dim>-1</dim>
418
+ </port>
419
+ <port id="10" precision="U8">
420
+ <dim>-1</dim>
421
+ </port>
422
+ <port id="11" precision="I32">
423
+ <dim>-1</dim>
424
+ </port>
425
+ <port id="12" precision="I32">
426
+ <dim>-1</dim>
427
+ </port>
428
+ <port id="13" precision="U8">
429
+ <dim>-1</dim>
430
+ </port>
431
+ <port id="14" precision="I32">
432
+ <dim>-1</dim>
433
+ </port>
434
+ <port id="15" precision="I32">
435
+ <dim>-1</dim>
436
+ </port>
437
+ <port id="16" precision="U8">
438
+ <dim>-1</dim>
439
+ </port>
440
+ <port id="17" precision="I32">
441
+ <dim>12</dim>
442
+ </port>
443
+ </input>
444
+ <output>
445
+ <port id="18" precision="I32">
446
+ <dim>-1</dim>
447
+ </port>
448
+ <port id="19" precision="I32">
449
+ <dim>-1</dim>
450
+ </port>
451
+ <port id="20" precision="I32">
452
+ <dim>-1</dim>
453
+ </port>
454
+ </output>
455
+ </layer>
456
+ <layer id="29" name="Subtract_160667" type="Subtract" version="opset1">
457
+ <data auto_broadcast="numpy" />
458
+ <input>
459
+ <port id="0" precision="I32">
460
+ <dim>-1</dim>
461
+ </port>
462
+ <port id="1" precision="I32">
463
+ <dim>-1</dim>
464
+ </port>
465
+ </input>
466
+ <output>
467
+ <port id="2" precision="I32">
468
+ <dim>-1</dim>
469
+ </port>
470
+ </output>
471
+ </layer>
472
+ <layer id="30" name="Constant_160668" type="Const" version="opset1">
473
+ <data element_type="i32" shape="" offset="3767935" size="4" />
474
+ <output>
475
+ <port id="0" precision="I32" />
476
+ </output>
477
+ </layer>
478
+ <layer id="31" name="Minimum_160669" type="Minimum" version="opset1">
479
+ <data auto_broadcast="numpy" />
480
+ <input>
481
+ <port id="0" precision="I32">
482
+ <dim>-1</dim>
483
+ </port>
484
+ <port id="1" precision="I32" />
485
+ </input>
486
+ <output>
487
+ <port id="2" precision="I32">
488
+ <dim>-1</dim>
489
+ </port>
490
+ </output>
491
+ </layer>
492
+ <layer id="32" name="Add_160670" type="Add" version="opset1">
493
+ <data auto_broadcast="numpy" />
494
+ <input>
495
+ <port id="0" precision="I32">
496
+ <dim>-1</dim>
497
+ </port>
498
+ <port id="1" precision="I32">
499
+ <dim>-1</dim>
500
+ </port>
501
+ </input>
502
+ <output>
503
+ <port id="2" precision="I32">
504
+ <dim>-1</dim>
505
+ </port>
506
+ </output>
507
+ </layer>
508
+ <layer id="33" name="Subtract_160671" type="Subtract" version="opset1">
509
+ <data auto_broadcast="numpy" />
510
+ <input>
511
+ <port id="0" precision="I32">
512
+ <dim>-1</dim>
513
+ </port>
514
+ <port id="1" precision="I32">
515
+ <dim>-1</dim>
516
+ </port>
517
+ </input>
518
+ <output>
519
+ <port id="2" precision="I32">
520
+ <dim>-1</dim>
521
+ </port>
522
+ </output>
523
+ </layer>
524
+ <layer id="34" name="Constant_160672" type="Const" version="opset1">
525
+ <data element_type="i32" shape="" offset="0" size="4" />
526
+ <output>
527
+ <port id="0" precision="I32" />
528
+ </output>
529
+ </layer>
530
+ <layer id="35" name="ReduceMax_160673" type="ReduceMax" version="opset1">
531
+ <data keep_dims="false" />
532
+ <input>
533
+ <port id="0" precision="I32">
534
+ <dim>-1</dim>
535
+ </port>
536
+ <port id="1" precision="I32" />
537
+ </input>
538
+ <output>
539
+ <port id="2" precision="I32" />
540
+ </output>
541
+ </layer>
542
+ <layer id="36" name="Constant_160674" type="Const" version="opset1">
543
+ <data element_type="i32" shape="" offset="3767939" size="4" />
544
+ <output>
545
+ <port id="0" precision="I32" />
546
+ </output>
547
+ </layer>
548
+ <layer id="37" name="RaggedToDense_160675" type="RaggedToDense" version="extension">
549
+ <data pad_right="true" />
550
+ <input>
551
+ <port id="0" precision="I32">
552
+ <dim>-1</dim>
553
+ </port>
554
+ <port id="1" precision="I32">
555
+ <dim>-1</dim>
556
+ </port>
557
+ <port id="2" precision="I32">
558
+ <dim>-1</dim>
559
+ </port>
560
+ <port id="3" precision="I32" />
561
+ <port id="4" precision="I32" />
562
+ </input>
563
+ <output>
564
+ <port id="5" precision="I32">
565
+ <dim>-1</dim>
566
+ <dim>-1</dim>
567
+ </port>
568
+ <port id="6" precision="BOOL">
569
+ <dim>-1</dim>
570
+ <dim>-1</dim>
571
+ </port>
572
+ </output>
573
+ </layer>
574
+ <layer id="38" name="Convert_160676" type="Convert" version="opset1">
575
+ <data destination_type="i32" />
576
+ <input>
577
+ <port id="0" precision="BOOL">
578
+ <dim>-1</dim>
579
+ <dim>-1</dim>
580
+ </port>
581
+ </input>
582
+ <output>
583
+ <port id="1" precision="I32">
584
+ <dim>-1</dim>
585
+ <dim>-1</dim>
586
+ </port>
587
+ </output>
588
+ </layer>
589
+ <layer id="39" name="Convert_160676" type="Convert" version="opset1">
590
+ <data destination_type="i64" />
591
+ <input>
592
+ <port id="0" precision="I32">
593
+ <dim>-1</dim>
594
+ <dim>-1</dim>
595
+ </port>
596
+ </input>
597
+ <output>
598
+ <port id="1" precision="I64" names="attention_mask">
599
+ <dim>-1</dim>
600
+ <dim>-1</dim>
601
+ </port>
602
+ </output>
603
+ </layer>
604
+ <layer id="41" name="RaggedToDense_160675.0" type="Convert" version="opset1">
605
+ <data destination_type="i64" />
606
+ <input>
607
+ <port id="0" precision="I32">
608
+ <dim>-1</dim>
609
+ <dim>-1</dim>
610
+ </port>
611
+ </input>
612
+ <output>
613
+ <port id="1" precision="I64" names="input_ids">
614
+ <dim>-1</dim>
615
+ <dim>-1</dim>
616
+ </port>
617
+ </output>
618
+ </layer>
619
+ <layer id="42" name="Result_160677" type="Result" version="opset1">
620
+ <input>
621
+ <port id="0" precision="I64">
622
+ <dim>-1</dim>
623
+ <dim>-1</dim>
624
+ </port>
625
+ </input>
626
+ </layer>
627
+ <layer id="40" name="Result_160678" type="Result" version="opset1">
628
+ <input>
629
+ <port id="0" precision="I64">
630
+ <dim>-1</dim>
631
+ <dim>-1</dim>
632
+ </port>
633
+ </input>
634
+ </layer>
635
+ </layers>
636
+ <edges>
637
+ <edge from-layer="0" from-port="0" to-layer="2" to-port="0" />
638
+ <edge from-layer="1" from-port="0" to-layer="8" to-port="0" />
639
+ <edge from-layer="2" from-port="1" to-layer="3" to-port="0" />
640
+ <edge from-layer="2" from-port="1" to-layer="15" to-port="2" />
641
+ <edge from-layer="2" from-port="2" to-layer="15" to-port="3" />
642
+ <edge from-layer="2" from-port="3" to-layer="15" to-port="4" />
643
+ <edge from-layer="3" from-port="1" to-layer="6" to-port="0" />
644
+ <edge from-layer="4" from-port="0" to-layer="6" to-port="1" />
645
+ <edge from-layer="5" from-port="0" to-layer="6" to-port="2" />
646
+ <edge from-layer="6" from-port="3" to-layer="8" to-port="1" />
647
+ <edge from-layer="6" from-port="3" to-layer="11" to-port="0" />
648
+ <edge from-layer="7" from-port="0" to-layer="8" to-port="2" />
649
+ <edge from-layer="8" from-port="3" to-layer="15" to-port="0" />
650
+ <edge from-layer="9" from-port="0" to-layer="13" to-port="0" />
651
+ <edge from-layer="10" from-port="0" to-layer="11" to-port="1" />
652
+ <edge from-layer="11" from-port="2" to-layer="13" to-port="1" />
653
+ <edge from-layer="12" from-port="0" to-layer="13" to-port="2" />
654
+ <edge from-layer="13" from-port="3" to-layer="15" to-port="1" />
655
+ <edge from-layer="14" from-port="0" to-layer="15" to-port="5" />
656
+ <edge from-layer="15" from-port="8" to-layer="16" to-port="0" />
657
+ <edge from-layer="15" from-port="9" to-layer="16" to-port="1" />
658
+ <edge from-layer="15" from-port="10" to-layer="16" to-port="2" />
659
+ <edge from-layer="15" from-port="11" to-layer="16" to-port="3" />
660
+ <edge from-layer="15" from-port="6" to-layer="18" to-port="0" />
661
+ <edge from-layer="15" from-port="7" to-layer="18" to-port="1" />
662
+ <edge from-layer="16" from-port="4" to-layer="18" to-port="2" />
663
+ <edge from-layer="16" from-port="5" to-layer="18" to-port="3" />
664
+ <edge from-layer="16" from-port="6" to-layer="18" to-port="4" />
665
+ <edge from-layer="16" from-port="7" to-layer="18" to-port="5" />
666
+ <edge from-layer="17" from-port="0" to-layer="18" to-port="6" />
667
+ <edge from-layer="18" from-port="8" to-layer="28" to-port="1" />
668
+ <edge from-layer="18" from-port="9" to-layer="28" to-port="2" />
669
+ <edge from-layer="18" from-port="10" to-layer="28" to-port="3" />
670
+ <edge from-layer="18" from-port="11" to-layer="28" to-port="4" />
671
+ <edge from-layer="18" from-port="7" to-layer="28" to-port="0" />
672
+ <edge from-layer="19" from-port="0" to-layer="20" to-port="0" />
673
+ <edge from-layer="20" from-port="1" to-layer="28" to-port="5" />
674
+ <edge from-layer="20" from-port="2" to-layer="28" to-port="6" />
675
+ <edge from-layer="20" from-port="3" to-layer="28" to-port="7" />
676
+ <edge from-layer="21" from-port="0" to-layer="22" to-port="0" />
677
+ <edge from-layer="22" from-port="1" to-layer="28" to-port="8" />
678
+ <edge from-layer="22" from-port="2" to-layer="28" to-port="9" />
679
+ <edge from-layer="22" from-port="3" to-layer="28" to-port="10" />
680
+ <edge from-layer="23" from-port="0" to-layer="24" to-port="0" />
681
+ <edge from-layer="24" from-port="1" to-layer="28" to-port="11" />
682
+ <edge from-layer="24" from-port="2" to-layer="28" to-port="12" />
683
+ <edge from-layer="24" from-port="3" to-layer="28" to-port="13" />
684
+ <edge from-layer="25" from-port="0" to-layer="26" to-port="0" />
685
+ <edge from-layer="26" from-port="1" to-layer="28" to-port="14" />
686
+ <edge from-layer="26" from-port="2" to-layer="28" to-port="15" />
687
+ <edge from-layer="26" from-port="3" to-layer="28" to-port="16" />
688
+ <edge from-layer="27" from-port="0" to-layer="28" to-port="17" />
689
+ <edge from-layer="28" from-port="19" to-layer="29" to-port="0" />
690
+ <edge from-layer="28" from-port="18" to-layer="29" to-port="1" />
691
+ <edge from-layer="28" from-port="18" to-layer="32" to-port="0" />
692
+ <edge from-layer="28" from-port="18" to-layer="33" to-port="1" />
693
+ <edge from-layer="28" from-port="18" to-layer="37" to-port="0" />
694
+ <edge from-layer="28" from-port="20" to-layer="37" to-port="2" />
695
+ <edge from-layer="29" from-port="2" to-layer="31" to-port="0" />
696
+ <edge from-layer="30" from-port="0" to-layer="31" to-port="1" />
697
+ <edge from-layer="31" from-port="2" to-layer="32" to-port="1" />
698
+ <edge from-layer="32" from-port="2" to-layer="33" to-port="0" />
699
+ <edge from-layer="32" from-port="2" to-layer="37" to-port="1" />
700
+ <edge from-layer="33" from-port="2" to-layer="35" to-port="0" />
701
+ <edge from-layer="34" from-port="0" to-layer="35" to-port="1" />
702
+ <edge from-layer="35" from-port="2" to-layer="37" to-port="3" />
703
+ <edge from-layer="36" from-port="0" to-layer="37" to-port="4" />
704
+ <edge from-layer="37" from-port="6" to-layer="38" to-port="0" />
705
+ <edge from-layer="37" from-port="5" to-layer="41" to-port="0" />
706
+ <edge from-layer="38" from-port="1" to-layer="39" to-port="0" />
707
+ <edge from-layer="39" from-port="1" to-layer="40" to-port="0" />
708
+ <edge from-layer="41" from-port="1" to-layer="42" to-port="0" />
709
+ </edges>
710
+ <rt_info>
711
+ <add_attention_mask value="True" />
712
+ <add_prefix_space />
713
+ <add_special_tokens value="True" />
714
+ <chat_template value="{% for message in messages %}{% if loop.first and messages[0]['role'] != 'system' %}{{ '&lt;|im_start|>system&#10;You are a helpful assistant.&lt;|im_end|>&#10;' }}{% endif %}{{'&lt;|im_start|>' + message['role'] + '&#10;' + message['content'] + '&lt;|im_end|>' + '&#10;'}}{% endfor %}{% if add_generation_prompt %}{{ '&lt;|im_start|>assistant&#10;' }}{% endif %}" />
715
+ <clean_up_tokenization_spaces />
716
+ <detokenizer_input_type value="i64" />
717
+ <eos_token_id value="151645" />
718
+ <handle_special_tokens_with_re />
719
+ <number_of_inputs value="1" />
720
+ <openvino_tokenizers_version value="2024.6.0.0" />
721
+ <openvino_version value="2024.6.0" />
722
+ <original_tokenizer_class value="&lt;class 'transformers.models.qwen2.tokenization_qwen2_fast.Qwen2TokenizerFast'>" />
723
+ <pad_token_id value="151643" />
724
+ <sentencepiece_version value="0.2.0" />
725
+ <skip_special_tokens value="True" />
726
+ <streaming_detokenizer value="False" />
727
+ <tiktoken_version value="0.8.0" />
728
+ <tokenizer_output_type value="i64" />
729
+ <tokenizers_version value="0.20.1" />
730
+ <transformers_version value="4.46.3" />
731
+ <use_max_padding value="False" />
732
+ <use_sentencepiece_backend value="False" />
733
+ <utf8_replace_mode value="replace" />
734
+ <with_detokenizer value="True" />
735
+ </rt_info>
736
+ </net>
openvino_vision_embeddings_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e710291fc841459f1e797245c0d3744273cf12cdf95ffb0e4caa0c7658ef1113
3
+ size 313037724
openvino_vision_embeddings_model.xml ADDED
The diff for this file is too large to render. See raw diff
 
preprocessor_config.json ADDED
@@ -0,0 +1,27 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "crop_size": {
3
+ "height": 448,
4
+ "width": 448
5
+ },
6
+ "do_center_crop": true,
7
+ "do_convert_rgb": true,
8
+ "do_normalize": true,
9
+ "do_rescale": true,
10
+ "do_resize": true,
11
+ "image_mean": [
12
+ 0.485,
13
+ 0.456,
14
+ 0.406
15
+ ],
16
+ "image_processor_type": "CLIPFeatureExtractor",
17
+ "image_std": [
18
+ 0.229,
19
+ 0.224,
20
+ 0.225
21
+ ],
22
+ "resample": 3,
23
+ "rescale_factor": 0.00392156862745098,
24
+ "size": {
25
+ "shortest_edge": 448
26
+ }
27
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<img>",
6
+ "</img>",
7
+ "<IMG_CONTEXT>",
8
+ "<quad>",
9
+ "</quad>",
10
+ "<ref>",
11
+ "</ref>",
12
+ "<box>",
13
+ "</box>"
14
+ ],
15
+ "eos_token": {
16
+ "content": "<|im_end|>",
17
+ "lstrip": false,
18
+ "normalized": false,
19
+ "rstrip": false,
20
+ "single_word": false
21
+ },
22
+ "pad_token": {
23
+ "content": "<|endoftext|>",
24
+ "lstrip": false,
25
+ "normalized": false,
26
+ "rstrip": false,
27
+ "single_word": false
28
+ }
29
+ }
tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:63a3df087afa0c8890b416fe2c4f3f2593f06181adda4aacf93db8eb34cf0208
3
+ size 11414752
tokenizer_config.json ADDED
@@ -0,0 +1,125 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_eos_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": "<img>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "</img>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<IMG_CONTEXT>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<quad>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "</quad>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<ref>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "</ref>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<box>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "</box>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ }
101
+ },
102
+ "additional_special_tokens": [
103
+ "<|im_start|>",
104
+ "<|im_end|>",
105
+ "<img>",
106
+ "</img>",
107
+ "<IMG_CONTEXT>",
108
+ "<quad>",
109
+ "</quad>",
110
+ "<ref>",
111
+ "</ref>",
112
+ "<box>",
113
+ "</box>"
114
+ ],
115
+ "bos_token": null,
116
+ "chat_template": "{% for message in messages %}{% if loop.first and messages[0]['role'] != 'system' %}{{ '<|im_start|>system\nYou are a helpful assistant.<|im_end|>\n' }}{% endif %}{{'<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n'}}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n' }}{% endif %}",
117
+ "clean_up_tokenization_spaces": false,
118
+ "eos_token": "<|im_end|>",
119
+ "errors": "replace",
120
+ "model_max_length": 8192,
121
+ "pad_token": "<|endoftext|>",
122
+ "split_special_tokens": false,
123
+ "tokenizer_class": "Qwen2Tokenizer",
124
+ "unk_token": null
125
+ }
vocab.json ADDED
The diff for this file is too large to render. See raw diff