JustinLin610 commited on
Commit
7b31598
1 Parent(s): 44eb1ae

upload code

Browse files
config.json ADDED
@@ -0,0 +1,60 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "QWenLMHeadModel"
4
+ ],
5
+ "attn_dropout_prob": 0.0,
6
+ "auto_map": {
7
+ "AutoConfig": "configuration_qwen.QWenConfig",
8
+ "AutoModelForCausalLM": "modeling_qwen.QWenLMHeadModel"
9
+ },
10
+ "bf16": false,
11
+ "emb_dropout_prob": 0.0,
12
+ "fp16": true,
13
+ "fp32": false,
14
+ "hidden_size": 4096,
15
+ "initializer_range": 0.02,
16
+ "intermediate_size": 22016,
17
+ "kv_channels": 128,
18
+ "layer_norm_epsilon": 1e-06,
19
+ "max_position_embeddings": 8192,
20
+ "model_type": "qwen",
21
+ "no_bias": true,
22
+ "num_attention_heads": 32,
23
+ "num_hidden_layers": 32,
24
+ "onnx_safe": null,
25
+ "quantization_config": {
26
+ "bits": 4,
27
+ "group_size": 128,
28
+ "damp_percent": 0.01,
29
+ "desc_act": false,
30
+ "static_groups": false,
31
+ "sym": true,
32
+ "true_sequential": true,
33
+ "model_name_or_path": null,
34
+ "model_file_base_name": "model",
35
+ "quant_method": "gptq"
36
+ },
37
+ "rotary_emb_base": 10000,
38
+ "rotary_pct": 1.0,
39
+ "scale_attn_weights": true,
40
+ "seq_length": 2048,
41
+ "tie_word_embeddings": false,
42
+ "tokenizer_type": "QWenTokenizer",
43
+ "torch_dtype": "float16",
44
+ "transformers_version": "4.32.0",
45
+ "use_cache": true,
46
+ "use_dynamic_ntk": true,
47
+ "use_flash_attn": "auto",
48
+ "use_logn_attn": true,
49
+ "visual": {
50
+ "heads": 16,
51
+ "image_size": 448,
52
+ "image_start_id": 151857,
53
+ "layers": 48,
54
+ "mlp_ratio": 4.9231,
55
+ "output_dim": 4096,
56
+ "patch_size": 14,
57
+ "width": 1664
58
+ },
59
+ "vocab_size": 151936
60
+ }
configuration_qwen.py ADDED
@@ -0,0 +1,65 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) Alibaba Cloud.
2
+ #
3
+ # This source code is licensed under the license found in the
4
+ # LICENSE file in the root directory of this source tree.
5
+
6
+ from transformers import PretrainedConfig
7
+
8
+
9
+ class QWenConfig(PretrainedConfig):
10
+ model_type = "qwen"
11
+ keys_to_ignore_at_inference = ["past_key_values"]
12
+
13
+ def __init__(
14
+ self,
15
+ vocab_size=151936,
16
+ hidden_size=4096,
17
+ num_hidden_layers=32,
18
+ num_attention_heads=32,
19
+ emb_dropout_prob=0.0,
20
+ attn_dropout_prob=0.0,
21
+ layer_norm_epsilon=1e-6,
22
+ initializer_range=0.02,
23
+ max_position_embeddings=8192,
24
+ scale_attn_weights=True,
25
+ use_cache=True,
26
+ bf16=False,
27
+ fp16=False,
28
+ fp32=False,
29
+ kv_channels=128,
30
+ rotary_pct=1.0,
31
+ rotary_emb_base=10000,
32
+ use_dynamic_ntk=True,
33
+ use_logn_attn=True,
34
+ use_flash_attn="auto",
35
+ intermediate_size=22016,
36
+ no_bias=True,
37
+ tie_word_embeddings=False,
38
+ **kwargs,
39
+ ):
40
+ self.vocab_size = vocab_size
41
+ self.hidden_size = hidden_size
42
+ self.intermediate_size = intermediate_size
43
+ self.num_hidden_layers = num_hidden_layers
44
+ self.num_attention_heads = num_attention_heads
45
+ self.emb_dropout_prob = emb_dropout_prob
46
+ self.attn_dropout_prob = attn_dropout_prob
47
+ self.layer_norm_epsilon = layer_norm_epsilon
48
+ self.initializer_range = initializer_range
49
+ self.scale_attn_weights = scale_attn_weights
50
+ self.use_cache = use_cache
51
+ self.max_position_embeddings = max_position_embeddings
52
+ self.bf16 = bf16
53
+ self.fp16 = fp16
54
+ self.fp32 = fp32
55
+ self.kv_channels = kv_channels
56
+ self.rotary_pct = rotary_pct
57
+ self.rotary_emb_base = rotary_emb_base
58
+ self.use_dynamic_ntk = use_dynamic_ntk
59
+ self.use_logn_attn = use_logn_attn
60
+ self.use_flash_attn = use_flash_attn
61
+ self.no_bias = no_bias
62
+ super().__init__(
63
+ tie_word_embeddings=tie_word_embeddings,
64
+ **kwargs
65
+ )
generation_config.json ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "chat_format": "chatml",
3
+ "eos_token_id": 151643,
4
+ "pad_token_id": 151643,
5
+ "max_window_size": 6144,
6
+ "max_new_tokens": 512,
7
+ "do_sample": true,
8
+ "top_k": 0,
9
+ "top_p": 0.5,
10
+ "transformers_version": "4.31.0"
11
+ }
modeling_qwen.py ADDED
@@ -0,0 +1,1154 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) Alibaba Cloud.
2
+ #
3
+ # This source code is licensed under the license found in the
4
+ # LICENSE file in the root directory of this source tree.
5
+
6
+ import importlib
7
+ import math
8
+ from typing import TYPE_CHECKING, Optional, Tuple, Union, Callable, List, Any, Generator
9
+
10
+ import torch
11
+ import torch.nn.functional as F
12
+ import torch.utils.checkpoint
13
+ from torch.cuda.amp import autocast
14
+
15
+ from torch.nn import CrossEntropyLoss
16
+ from transformers import PreTrainedTokenizer, GenerationConfig, StoppingCriteriaList
17
+ from transformers.generation.logits_process import LogitsProcessorList
18
+
19
+ if TYPE_CHECKING:
20
+ from transformers.generation.streamers import BaseStreamer
21
+ from transformers.generation.utils import GenerateOutput
22
+ from transformers.modeling_outputs import (
23
+ BaseModelOutputWithPast,
24
+ CausalLMOutputWithPast,
25
+ )
26
+ from transformers.modeling_utils import PreTrainedModel
27
+ from transformers.utils import logging
28
+
29
+ try:
30
+ from einops import rearrange
31
+ except ImportError:
32
+ rearrange = None
33
+ from torch import nn
34
+
35
+ SUPPORT_CUDA = torch.cuda.is_available()
36
+ SUPPORT_BF16 = SUPPORT_CUDA and torch.cuda.is_bf16_supported()
37
+ SUPPORT_FP16 = SUPPORT_CUDA and torch.cuda.get_device_capability(0)[0] >= 7
38
+
39
+ from .configuration_qwen import QWenConfig
40
+ from .qwen_generation_utils import (
41
+ HistoryType,
42
+ make_context,
43
+ decode_tokens,
44
+ get_stop_words_ids,
45
+ StopWordsLogitsProcessor,
46
+ )
47
+ from .visual import VisionTransformer
48
+
49
+
50
+ logger = logging.get_logger(__name__)
51
+
52
+ _CHECKPOINT_FOR_DOC = "qwen"
53
+ _CONFIG_FOR_DOC = "QWenConfig"
54
+
55
+ QWen_PRETRAINED_MODEL_ARCHIVE_LIST = ["qwen-7b"]
56
+
57
+ _ERROR_BAD_CHAT_FORMAT = """\
58
+ We detect you are probably using the pretrained model (rather than chat model) for chatting, since the chat_format in generation_config is not "chatml".
59
+ If you are directly using the model downloaded from Huggingface, please make sure you are using our "Qwen/Qwen-7B-Chat" Huggingface model (rather than "Qwen/Qwen-7B") when you call model.chat().
60
+ 我们检测到您可能在使用预训练模型(而非chat模型)进行多轮chat,因为您当前在generation_config指定的chat_format,并未设置为我们在对话中所支持的"chatml"格式。
61
+ 如果您在直接使用我们从Huggingface提供的模型,请确保您在调用model.chat()时,使用的是"Qwen/Qwen-7B-Chat"模型(而非"Qwen/Qwen-7B"预训练模型)。
62
+ """
63
+
64
+ _SENTINEL = object()
65
+ _ERROR_STREAM_IN_CHAT = """\
66
+ Pass argument `stream` to model.chat() is buggy, deprecated, and marked for removal. Please use model.chat_stream(...) instead of model.chat(..., stream=True).
67
+ 向model.chat()传入参数stream的用法可能存在Bug,该用法已被废弃,将在未来被移除。请使用model.chat_stream(...)代替model.chat(..., stream=True)。
68
+ """
69
+
70
+ apply_rotary_emb_func = None
71
+ rms_norm = None
72
+
73
+
74
+ # Copied from transformers.models.bart.modeling_bart._make_causal_mask
75
+ def _make_causal_mask(
76
+ input_ids_shape: torch.Size, dtype: torch.dtype, device: torch.device, past_key_values_length: int = 0
77
+ ):
78
+ """
79
+ Make causal mask used for bi-directional self-attention.
80
+ """
81
+ bsz, tgt_len = input_ids_shape
82
+ mask = torch.full((tgt_len, tgt_len), torch.finfo(dtype).min, device=device)
83
+ mask_cond = torch.arange(mask.size(-1), device=device)
84
+ mask.masked_fill_(mask_cond < (mask_cond + 1).view(mask.size(-1), 1), 0)
85
+ mask = mask.to(dtype)
86
+
87
+ if past_key_values_length > 0:
88
+ mask = torch.cat([torch.zeros(tgt_len, past_key_values_length, dtype=dtype, device=device), mask], dim=-1)
89
+ return mask[None, None, :, :].expand(bsz, 1, tgt_len, tgt_len + past_key_values_length)
90
+
91
+
92
+ # Copied from transformers.models.bart.modeling_bart._expand_mask
93
+ def _expand_mask(mask: torch.Tensor, dtype: torch.dtype, tgt_len: Optional[int] = None):
94
+ """
95
+ Expands attention_mask from `[bsz, seq_len]` to `[bsz, 1, tgt_seq_len, src_seq_len]`.
96
+ """
97
+ bsz, src_len = mask.size()
98
+ tgt_len = tgt_len if tgt_len is not None else src_len
99
+
100
+ expanded_mask = mask[:, None, None, :].expand(bsz, 1, tgt_len, src_len).to(dtype)
101
+
102
+ inverted_mask = 1.0 - expanded_mask
103
+
104
+ return inverted_mask.masked_fill(inverted_mask.to(torch.bool), torch.finfo(dtype).min)
105
+
106
+
107
+ class QWenAttention(nn.Module):
108
+ def __init__(self, config):
109
+ super().__init__()
110
+
111
+ self.register_buffer("masked_bias", torch.tensor(-1e4), persistent=False)
112
+ self.seq_length = config.seq_length
113
+
114
+ self.hidden_size = config.hidden_size
115
+ self.split_size = config.hidden_size
116
+ self.num_heads = config.num_attention_heads
117
+ self.head_dim = self.hidden_size // self.num_heads
118
+
119
+ self.scale_attn_weights = True
120
+
121
+ self.projection_size = config.kv_channels * config.num_attention_heads
122
+
123
+ assert self.projection_size % config.num_attention_heads == 0
124
+ self.hidden_size_per_attention_head = (
125
+ self.projection_size // config.num_attention_heads
126
+ )
127
+
128
+ self.c_attn = nn.Linear(config.hidden_size, 3 * self.projection_size)
129
+
130
+ self.c_proj = nn.Linear(
131
+ config.hidden_size, self.projection_size, bias=not config.no_bias
132
+ )
133
+
134
+ self.is_fp32 = not (config.bf16 or config.fp16)
135
+ self.bf16 = config.bf16
136
+
137
+ self.use_dynamic_ntk = config.use_dynamic_ntk
138
+ self.use_logn_attn = config.use_logn_attn
139
+
140
+ logn_list = [
141
+ math.log(i, self.seq_length) if i > self.seq_length else 1
142
+ for i in range(1, 32768)
143
+ ]
144
+ self.logn_tensor = torch.tensor(logn_list)[None, :, None, None]
145
+
146
+ self.attn_dropout = nn.Dropout(config.attn_dropout_prob)
147
+
148
+ def _attn(self, query, key, value, registered_causal_mask, attention_mask=None, head_mask=None):
149
+ attn_weights = torch.matmul(query, key.transpose(-1, -2))
150
+
151
+ if self.scale_attn_weights:
152
+ attn_weights = attn_weights / torch.full(
153
+ [],
154
+ value.size(-1) ** 0.5,
155
+ dtype=attn_weights.dtype,
156
+ device=attn_weights.device,
157
+ )
158
+
159
+ query_length, key_length = query.size(-2), key.size(-2)
160
+ # causal_mask = self.bias[
161
+ # :, :, key_length - query_length : key_length, :key_length
162
+ # ]
163
+ # mask_value = torch.finfo(attn_weights.dtype).min
164
+ # mask_value = torch.full([], mask_value, dtype=attn_weights.dtype).to(
165
+ # attn_weights.device
166
+ # )
167
+ # attn_weights = torch.where(
168
+ # causal_mask, attn_weights.to(attn_weights.dtype), mask_value
169
+ # )
170
+ attn_weights = attn_weights + attention_mask
171
+
172
+ attn_weights = nn.functional.softmax(attn_weights, dim=-1)
173
+
174
+ attn_weights = attn_weights.type(value.dtype)
175
+ attn_weights = self.attn_dropout(attn_weights)
176
+
177
+ if head_mask is not None:
178
+ attn_weights = attn_weights * head_mask
179
+
180
+ attn_output = torch.matmul(attn_weights, value)
181
+ attn_output = attn_output.transpose(1, 2)
182
+
183
+ return attn_output, attn_weights
184
+
185
+ def _upcast_and_reordered_attn(
186
+ self, query, key, value, registered_causal_mask, attention_mask=None, head_mask=None
187
+ ):
188
+ bsz, num_heads, q_seq_len, dk = query.size()
189
+ _, _, k_seq_len, _ = key.size()
190
+
191
+ attn_weights = torch.empty(
192
+ bsz * num_heads,
193
+ q_seq_len,
194
+ k_seq_len,
195
+ dtype=torch.float32,
196
+ device=query.device,
197
+ )
198
+
199
+ scale_factor = 1.0
200
+ if self.scale_attn_weights:
201
+ scale_factor /= float(value.size(-1)) ** 0.5
202
+
203
+ with autocast(enabled=False):
204
+ q, k = query.reshape(-1, q_seq_len, dk), key.transpose(-1, -2).reshape(
205
+ -1, dk, k_seq_len
206
+ )
207
+ attn_weights = torch.baddbmm(
208
+ attn_weights, q.float(), k.float(), beta=0, alpha=scale_factor
209
+ )
210
+ attn_weights = attn_weights.reshape(bsz, num_heads, q_seq_len, k_seq_len)
211
+
212
+ query_length, key_length = query.size(-2), key.size(-2)
213
+ causal_mask = registered_causal_mask[
214
+ :, :, key_length - query_length : key_length, :key_length
215
+ ]
216
+ mask_value = torch.finfo(attn_weights.dtype).min
217
+ mask_value = torch.tensor(mask_value, dtype=attn_weights.dtype).to(
218
+ attn_weights.device
219
+ )
220
+ attn_weights = torch.where(causal_mask, attn_weights, mask_value)
221
+
222
+ if attention_mask is not None:
223
+ attn_weights = attn_weights + attention_mask
224
+
225
+ attn_weights = nn.functional.softmax(attn_weights, dim=-1)
226
+
227
+ if attn_weights.dtype != torch.float32:
228
+ raise RuntimeError(
229
+ "Error with upcasting, attn_weights does not have dtype torch.float32"
230
+ )
231
+ attn_weights = attn_weights.type(value.dtype)
232
+ attn_weights = self.attn_dropout(attn_weights)
233
+
234
+ if head_mask is not None:
235
+ attn_weights = attn_weights * head_mask
236
+
237
+ attn_output = torch.matmul(attn_weights, value)
238
+
239
+ return attn_output, attn_weights
240
+
241
+ def _split_heads(self, tensor, num_heads, attn_head_size):
242
+ new_shape = tensor.size()[:-1] + (num_heads, attn_head_size)
243
+ tensor = tensor.view(new_shape)
244
+ return tensor
245
+
246
+ def _merge_heads(self, tensor, num_heads, attn_head_size):
247
+ tensor = tensor.contiguous()
248
+ new_shape = tensor.size()[:-2] + (num_heads * attn_head_size,)
249
+ return tensor.view(new_shape)
250
+
251
+ def forward(
252
+ self,
253
+ hidden_states: Optional[Tuple[torch.FloatTensor]],
254
+ rotary_pos_emb: Optional[List[torch.Tensor]] = None,
255
+ registered_causal_mask: Optional[torch.Tensor] = None,
256
+ layer_past: Optional[Tuple[torch.Tensor]] = None,
257
+ attention_mask: Optional[torch.FloatTensor] = None,
258
+ head_mask: Optional[torch.FloatTensor] = None,
259
+ encoder_hidden_states: Optional[torch.Tensor] = None,
260
+ encoder_attention_mask: Optional[torch.FloatTensor] = None,
261
+ output_attentions: Optional[bool] = False,
262
+ use_cache: Optional[bool] = False,
263
+ ):
264
+
265
+ mixed_x_layer = self.c_attn(hidden_states)
266
+
267
+ query, key, value = mixed_x_layer.split(self.split_size, dim=2)
268
+
269
+ query = self._split_heads(query, self.num_heads, self.head_dim)
270
+ key = self._split_heads(key, self.num_heads, self.head_dim)
271
+ value = self._split_heads(value, self.num_heads, self.head_dim)
272
+
273
+ if rotary_pos_emb is not None:
274
+ cur_len = query.shape[1]
275
+ rotary_pos_emb = [i[:, -cur_len:, :, :] for i in rotary_pos_emb]
276
+ rotary_pos_emb = (rotary_pos_emb,) * 2
277
+ q_pos_emb, k_pos_emb = rotary_pos_emb
278
+ # Slice the pos emb for current inference
279
+ query = apply_rotary_pos_emb(query, q_pos_emb)
280
+ key = apply_rotary_pos_emb(key, k_pos_emb)
281
+
282
+ if layer_past is not None:
283
+ past_key, past_value = layer_past[0], layer_past[1]
284
+ key = torch.cat((past_key, key), dim=1)
285
+ value = torch.cat((past_value, value), dim=1)
286
+
287
+ if use_cache:
288
+ present = (key, value)
289
+ else:
290
+ present = None
291
+
292
+ if self.use_logn_attn and not self.training:
293
+ if self.logn_tensor.device != query.device or self.logn_tensor.dtype != query.dtype:
294
+ self.logn_tensor = self.logn_tensor.to(query.device).type_as(query)
295
+ seq_start = key.size(1) - query.size(1)
296
+ seq_end = key.size(1)
297
+ logn_tensor = self.logn_tensor[:, seq_start:seq_end, :, :]
298
+ query = query * logn_tensor.expand_as(query)
299
+
300
+ query = query.permute(0, 2, 1, 3)
301
+ key = key.permute(0, 2, 1, 3)
302
+ value = value.permute(0, 2, 1, 3)
303
+ attn_output, attn_weight = self._attn(
304
+ query, key, value, registered_causal_mask, attention_mask, head_mask
305
+ )
306
+ context_layer = self._merge_heads(
307
+ attn_output, self.num_heads, self.head_dim
308
+ )
309
+
310
+ attn_output = self.c_proj(context_layer)
311
+
312
+ outputs = (attn_output, present)
313
+ if output_attentions:
314
+ outputs += (attn_weight,)
315
+
316
+ return outputs
317
+
318
+
319
+ class QWenMLP(nn.Module):
320
+ def __init__(self, config):
321
+ super().__init__()
322
+ self.w1 = nn.Linear(
323
+ config.hidden_size, config.intermediate_size // 2, bias=not config.no_bias
324
+ )
325
+ self.w2 = nn.Linear(
326
+ config.hidden_size, config.intermediate_size // 2, bias=not config.no_bias
327
+ )
328
+ ff_dim_in = config.intermediate_size // 2
329
+ self.c_proj = nn.Linear(ff_dim_in, config.hidden_size, bias=not config.no_bias)
330
+
331
+ def forward(self, hidden_states):
332
+ a1 = self.w1(hidden_states)
333
+ a2 = self.w2(hidden_states)
334
+ intermediate_parallel = a1 * F.silu(a2)
335
+ output = self.c_proj(intermediate_parallel)
336
+ return output
337
+
338
+ class QWenBlock(nn.Module):
339
+ def __init__(self, config):
340
+ super().__init__()
341
+ hidden_size = config.hidden_size
342
+ self.bf16 = config.bf16
343
+
344
+ self.ln_1 = RMSNorm(
345
+ hidden_size,
346
+ eps=config.layer_norm_epsilon,
347
+ )
348
+ self.attn = QWenAttention(config)
349
+ self.ln_2 = RMSNorm(
350
+ hidden_size,
351
+ eps=config.layer_norm_epsilon,
352
+ )
353
+
354
+ self.mlp = QWenMLP(config)
355
+
356
+ def forward(
357
+ self,
358
+ hidden_states: Optional[Tuple[torch.FloatTensor]],
359
+ rotary_pos_emb: Optional[List[torch.Tensor]] = None,
360
+ registered_causal_mask: Optional[torch.Tensor] = None,
361
+ layer_past: Optional[Tuple[torch.Tensor]] = None,
362
+ attention_mask: Optional[torch.FloatTensor] = None,
363
+ head_mask: Optional[torch.FloatTensor] = None,
364
+ encoder_hidden_states: Optional[torch.Tensor] = None,
365
+ encoder_attention_mask: Optional[torch.FloatTensor] = None,
366
+ use_cache: Optional[bool] = False,
367
+ output_attentions: Optional[bool] = False,
368
+ ):
369
+ layernorm_output = self.ln_1(hidden_states)
370
+
371
+ attn_outputs = self.attn(
372
+ layernorm_output,
373
+ rotary_pos_emb,
374
+ registered_causal_mask=registered_causal_mask,
375
+ layer_past=layer_past,
376
+ attention_mask=attention_mask,
377
+ head_mask=head_mask,
378
+ use_cache=use_cache,
379
+ output_attentions=output_attentions,
380
+ )
381
+ attn_output = attn_outputs[0]
382
+
383
+ outputs = attn_outputs[1:]
384
+
385
+ residual = hidden_states
386
+ layernorm_input = attn_output + residual
387
+
388
+ layernorm_output = self.ln_2(layernorm_input)
389
+
390
+ residual = layernorm_input
391
+ mlp_output = self.mlp(layernorm_output)
392
+ hidden_states = residual + mlp_output
393
+
394
+ if use_cache:
395
+ outputs = (hidden_states,) + outputs
396
+ else:
397
+ outputs = (hidden_states,) + outputs[1:]
398
+
399
+ return outputs
400
+
401
+
402
+ class QWenPreTrainedModel(PreTrainedModel):
403
+ config_class = QWenConfig
404
+ base_model_prefix = "transformer"
405
+ is_parallelizable = False
406
+ supports_gradient_checkpointing = True
407
+ _no_split_modules = ["QWenBlock"]
408
+
409
+ def __init__(self, *inputs, **kwargs):
410
+ super().__init__(*inputs, **kwargs)
411
+
412
+ def _init_weights(self, module):
413
+ """Initialize the weights."""
414
+ if isinstance(module, nn.Linear):
415
+ module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
416
+ if module.bias is not None:
417
+ module.bias.data.zero_()
418
+ elif isinstance(module, nn.Embedding):
419
+ module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
420
+ if module.padding_idx is not None:
421
+ module.weight.data[module.padding_idx].zero_()
422
+ elif isinstance(module, RMSNorm):
423
+ module.weight.data.fill_(1.0)
424
+
425
+ for name, p in module.named_parameters():
426
+ if name == "c_proj.weight":
427
+ p.data.normal_(
428
+ mean=0.0,
429
+ std=(
430
+ self.config.initializer_range
431
+ / math.sqrt(2 * self.config.num_hidden_layers)
432
+ ),
433
+ )
434
+
435
+ def _set_gradient_checkpointing(self, module, value=False):
436
+ if isinstance(module, QWenModel):
437
+ module.gradient_checkpointing = value
438
+
439
+
440
+ class QWenModel(QWenPreTrainedModel):
441
+ _keys_to_ignore_on_load_missing = ["attn.masked_bias"]
442
+
443
+ def __init__(self, config):
444
+ super().__init__(config)
445
+ self.vocab_size = config.vocab_size
446
+ self.num_hidden_layers = config.num_hidden_layers
447
+ self.embed_dim = config.hidden_size
448
+
449
+ self.gradient_checkpointing = False
450
+ self.use_dynamic_ntk = config.use_dynamic_ntk
451
+ self.seq_length = config.seq_length
452
+
453
+ self.wte = nn.Embedding(self.vocab_size, self.embed_dim)
454
+
455
+ self.drop = nn.Dropout(config.emb_dropout_prob)
456
+
457
+ if config.rotary_pct == 1.0:
458
+ self.rotary_ndims = None
459
+ else:
460
+ assert config.rotary_pct < 1
461
+ self.rotary_ndims = int(
462
+ config.kv_channels * config.rotary_pct
463
+ )
464
+ dim = (
465
+ self.rotary_ndims
466
+ if self.rotary_ndims is not None
467
+ else config.kv_channels
468
+ )
469
+ self.rotary_emb = RotaryEmbedding(dim, base=config.rotary_emb_base)
470
+
471
+ self.use_flash_attn = config.use_flash_attn
472
+ self.is_fp32 = not (config.bf16 or config.fp16)
473
+ self.registered_causal_mask = None
474
+ # if (
475
+ # self.use_flash_attn
476
+ # and flash_attn_unpadded_func is not None
477
+ # and not self.is_fp32
478
+ # ):
479
+ # self.registered_causal_mask = None
480
+ # else:
481
+ # max_positions = config.max_position_embeddings
482
+ # self.register_buffer(
483
+ # "registered_causal_mask",
484
+ # torch.tril(
485
+ # torch.ones((max_positions, max_positions), dtype=torch.bool)
486
+ # ).view(1, 1, max_positions, max_positions),
487
+ # persistent=False,
488
+ # )
489
+
490
+ self.h = nn.ModuleList(
491
+ [
492
+ QWenBlock(
493
+ config
494
+ )
495
+ for i in range(config.num_hidden_layers)
496
+ ]
497
+ )
498
+ self.ln_f = RMSNorm(
499
+ self.embed_dim,
500
+ eps=config.layer_norm_epsilon,
501
+ )
502
+
503
+ self.visual = VisionTransformer(**config.visual)
504
+
505
+ self.post_init()
506
+
507
+ def get_input_embeddings(self):
508
+ return self.wte
509
+
510
+ def set_input_embeddings(self, new_embeddings):
511
+ self.wte = new_embeddings
512
+
513
+ # Copied from transformers.models.bart.modeling_bart.BartDecoder._prepare_decoder_attention_mask
514
+ def _prepare_decoder_attention_mask(self, attention_mask, input_shape, inputs_embeds, past_key_values_length):
515
+ # create causal mask
516
+ # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len]
517
+ combined_attention_mask = None
518
+ if input_shape[-1] > 1:
519
+ combined_attention_mask = _make_causal_mask(
520
+ input_shape,
521
+ inputs_embeds.dtype,
522
+ device=inputs_embeds.device,
523
+ past_key_values_length=past_key_values_length,
524
+ )
525
+
526
+ if attention_mask is not None:
527
+ # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len]
528
+ expanded_attn_mask = _expand_mask(attention_mask, inputs_embeds.dtype, tgt_len=input_shape[-1]).to(
529
+ inputs_embeds.device
530
+ )
531
+ combined_attention_mask = (
532
+ expanded_attn_mask if combined_attention_mask is None else expanded_attn_mask + combined_attention_mask
533
+ )
534
+
535
+ return combined_attention_mask
536
+
537
+
538
+ def forward(
539
+ self,
540
+ input_ids: Optional[torch.LongTensor] = None,
541
+ past_key_values: Optional[Tuple[Tuple[torch.Tensor]]] = None,
542
+ attention_mask: Optional[torch.FloatTensor] = None,
543
+ token_type_ids: Optional[torch.LongTensor] = None,
544
+ position_ids: Optional[torch.LongTensor] = None,
545
+ head_mask: Optional[torch.FloatTensor] = None,
546
+ inputs_embeds: Optional[torch.FloatTensor] = None,
547
+ encoder_hidden_states: Optional[torch.Tensor] = None,
548
+ encoder_attention_mask: Optional[torch.FloatTensor] = None,
549
+ use_cache: Optional[bool] = None,
550
+ output_attentions: Optional[bool] = None,
551
+ output_hidden_states: Optional[bool] = None,
552
+ return_dict: Optional[bool] = None,
553
+ ):
554
+ if past_key_values is None and torch.any(input_ids == self.config.visual['image_start_id']):
555
+ bos_pos = torch.where(input_ids == self.config.visual['image_start_id'])
556
+ eos_pos = torch.where(input_ids == self.config.visual['image_start_id'] + 1)
557
+ assert (bos_pos[0] == eos_pos[0]).all()
558
+ img_pos = torch.stack((bos_pos[0], bos_pos[1], eos_pos[1]), dim=1)
559
+ images = []
560
+ for i, a, b in img_pos:
561
+ image = input_ids[i][a + 1 : b - 1].tolist()
562
+ image = image[ : image.index(self.config.visual['image_start_id'] + 2)]
563
+ images.append(bytes(image).decode('utf-8'))
564
+
565
+ images = self.visual.encode(images)
566
+ assert images.shape[0] == len(images)
567
+ else:
568
+ images = None
569
+
570
+ output_attentions = (
571
+ output_attentions
572
+ if output_attentions is not None
573
+ else self.config.output_attentions
574
+ )
575
+ output_hidden_states = (
576
+ output_hidden_states
577
+ if output_hidden_states is not None
578
+ else self.config.output_hidden_states
579
+ )
580
+ use_cache = use_cache if use_cache is not None else self.config.use_cache
581
+ return_dict = (
582
+ return_dict if return_dict is not None else self.config.use_return_dict
583
+ )
584
+
585
+ if input_ids is not None and inputs_embeds is not None:
586
+ raise ValueError(
587
+ "You cannot specify both input_ids and inputs_embeds at the same time"
588
+ )
589
+ elif input_ids is not None:
590
+ input_shape = input_ids.size()
591
+ input_ids = input_ids.view(-1, input_shape[-1])
592
+ batch_size = input_ids.shape[0]
593
+ elif inputs_embeds is not None:
594
+ input_shape = inputs_embeds.size()[:-1]
595
+ batch_size = inputs_embeds.shape[0]
596
+ else:
597
+ raise ValueError("You have to specify either input_ids or inputs_embeds")
598
+
599
+ device = input_ids.device if input_ids is not None else inputs_embeds.device
600
+
601
+ if token_type_ids is not None:
602
+ token_type_ids = token_type_ids.view(-1, input_shape[-1])
603
+ if position_ids is not None:
604
+ position_ids = position_ids.view(-1, input_shape[-1])
605
+
606
+ if past_key_values is None:
607
+ past_length = 0
608
+ past_key_values = tuple([None] * len(self.h))
609
+ else:
610
+ past_length = past_key_values[0][0].size(-2)
611
+
612
+ if position_ids is None:
613
+ position_ids = torch.arange(
614
+ past_length,
615
+ input_shape[-1] + past_length,
616
+ dtype=torch.long,
617
+ device=device,
618
+ )
619
+ position_ids = position_ids.unsqueeze(0).view(-1, input_shape[-1])
620
+
621
+ encoder_attention_mask = None
622
+ head_mask = self.get_head_mask(head_mask, self.config.num_hidden_layers)
623
+
624
+ if inputs_embeds is None:
625
+ inputs_embeds = self.wte(input_ids)
626
+
627
+ if batch_size <= 0:
628
+ raise ValueError("batch_size has to be defined and > 0")
629
+ attention_mask = self._prepare_decoder_attention_mask(
630
+ attention_mask, input_shape, inputs_embeds, past_length
631
+ )
632
+
633
+ hidden_states = inputs_embeds
634
+
635
+ kv_seq_len = hidden_states.size()[1]
636
+ if past_key_values[0] is not None:
637
+ # past key values[0][0] shape: bs * seq_len * head_num * dim
638
+ kv_seq_len += past_key_values[0][0].shape[1]
639
+ if (
640
+ self.use_dynamic_ntk
641
+ and kv_seq_len == hidden_states.size()[1]
642
+ and not self.training
643
+ ):
644
+ context_value = math.log(kv_seq_len / self.seq_length, 2) + 1
645
+ ntk_alpha = 2 ** math.ceil(context_value) - 1
646
+ ntk_alpha = max(ntk_alpha, 1)
647
+ else:
648
+ ntk_alpha = self.rotary_emb._ntk_alpha_cached
649
+
650
+ rotary_pos_emb = self.rotary_emb(kv_seq_len, ntk_alpha=ntk_alpha)
651
+ for idx in range(len(rotary_pos_emb)):
652
+ rotary_pos_emb[idx] = rotary_pos_emb[idx].to(hidden_states.device)
653
+
654
+ hidden_states = self.drop(hidden_states)
655
+ if images is not None:
656
+ for idx, (i, a, b) in enumerate(img_pos):
657
+ hidden_states[i][a + 1 : b] = images[idx]
658
+ output_shape = input_shape + (hidden_states.size(-1),)
659
+
660
+ if self.gradient_checkpointing and self.training:
661
+ if use_cache:
662
+ logger.warning_once(
663
+ "`use_cache=True` is incompatible with gradient checkpointing. Setting `use_cache=False`..."
664
+ )
665
+ use_cache = False
666
+
667
+ presents = () if use_cache else None
668
+ all_self_attentions = () if output_attentions else None
669
+ all_hidden_states = () if output_hidden_states else None
670
+ for i, (block, layer_past) in enumerate(zip(self.h, past_key_values)):
671
+
672
+ if output_hidden_states:
673
+ all_hidden_states = all_hidden_states + (hidden_states,)
674
+
675
+ if self.gradient_checkpointing and self.training:
676
+
677
+ def create_custom_forward(module):
678
+ def custom_forward(*inputs):
679
+ # None for past_key_value
680
+ return module(*inputs, use_cache, output_attentions)
681
+
682
+ return custom_forward
683
+
684
+ outputs = torch.utils.checkpoint.checkpoint(
685
+ create_custom_forward(block),
686
+ hidden_states,
687
+ rotary_pos_emb,
688
+ self.registered_causal_mask,
689
+ None,
690
+ attention_mask,
691
+ head_mask[i],
692
+ encoder_hidden_states,
693
+ encoder_attention_mask,
694
+ )
695
+ else:
696
+ outputs = block(
697
+ hidden_states,
698
+ layer_past=layer_past,
699
+ rotary_pos_emb=rotary_pos_emb,
700
+ registered_causal_mask=self.registered_causal_mask,
701
+ attention_mask=attention_mask,
702
+ head_mask=head_mask[i],
703
+ encoder_hidden_states=encoder_hidden_states,
704
+ encoder_attention_mask=encoder_attention_mask,
705
+ use_cache=use_cache,
706
+ output_attentions=output_attentions,
707
+ )
708
+
709
+ hidden_states = outputs[0]
710
+ if use_cache is True:
711
+ presents = presents + (outputs[1],)
712
+
713
+ if output_attentions:
714
+ all_self_attentions = all_self_attentions + (outputs[2 if use_cache else 1],)
715
+
716
+ hidden_states = self.ln_f(hidden_states)
717
+ hidden_states = hidden_states.view(output_shape)
718
+ # Add last hidden state
719
+ if output_hidden_states:
720
+ all_hidden_states = all_hidden_states + (hidden_states,)
721
+
722
+ if not return_dict:
723
+ return tuple(
724
+ v for v in [hidden_states, presents, all_hidden_states] if v is not None
725
+ )
726
+
727
+ return BaseModelOutputWithPast(
728
+ last_hidden_state=hidden_states,
729
+ past_key_values=presents,
730
+ hidden_states=all_hidden_states,
731
+ attentions=all_self_attentions,
732
+ )
733
+
734
+
735
+ class QWenLMHeadModel(QWenPreTrainedModel):
736
+ _keys_to_ignore_on_load_missing = [r"h\.\d+\.attn\.rotary_emb\.inv_freq"]
737
+ _keys_to_ignore_on_load_unexpected = [r"h\.\d+\.attn\.masked_bias"]
738
+
739
+ def __init__(self, config):
740
+ super().__init__(config)
741
+ assert (
742
+ config.bf16 + config.fp16 + config.fp32 <= 1
743
+ ), "Only one of \"bf16\", \"fp16\", \"fp32\" can be true"
744
+
745
+ autoset_precision = config.bf16 + config.fp16 + config.fp32 == 0
746
+
747
+ if autoset_precision:
748
+ if SUPPORT_BF16:
749
+ logger.warn(
750
+ "The model is automatically converting to bf16 for faster inference. "
751
+ "If you want to disable the automatic precision, please manually add bf16/fp16/fp32=True to \"AutoModelForCausalLM.from_pretrained\"."
752
+ )
753
+ config.bf16 = True
754
+ elif SUPPORT_FP16:
755
+ logger.warn(
756
+ "The model is automatically converting to fp16 for faster inference. "
757
+ "If you want to disable the automatic precision, please manually add bf16/fp16/fp32=True to \"AutoModelForCausalLM.from_pretrained\"."
758
+ )
759
+ config.fp16 = True
760
+ else:
761
+ config.fp32 = True
762
+
763
+ if config.bf16 and SUPPORT_CUDA and not SUPPORT_BF16:
764
+ logger.warn("Your device does NOT seem to support bf16, you can switch to fp16 or fp32 by by passing fp16/fp32=True in \"AutoModelForCausalLM.from_pretrained\".")
765
+ if config.fp16 and SUPPORT_CUDA and not SUPPORT_FP16:
766
+ logger.warn("Your device does NOT support faster inference with fp16, please switch to fp32 which is likely to be faster")
767
+ if config.fp32:
768
+ if SUPPORT_BF16:
769
+ logger.warn("Your device support faster inference by passing bf16=True in \"AutoModelForCausalLM.from_pretrained\".")
770
+ elif SUPPORT_FP16:
771
+ logger.warn("Your device support faster inference by passing fp16=True in \"AutoModelForCausalLM.from_pretrained\".")
772
+
773
+ self.transformer = QWenModel(config)
774
+ self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False)
775
+
776
+ if config.bf16:
777
+ self.transformer.bfloat16()
778
+ self.lm_head.bfloat16()
779
+ if config.fp16:
780
+ self.transformer.half()
781
+ self.lm_head.half()
782
+ self.post_init()
783
+
784
+ def get_output_embeddings(self):
785
+ return self.lm_head
786
+
787
+ def set_output_embeddings(self, new_embeddings):
788
+ self.lm_head = new_embeddings
789
+
790
+ def prepare_inputs_for_generation(
791
+ self, input_ids, past_key_values=None, inputs_embeds=None, **kwargs
792
+ ):
793
+ token_type_ids = kwargs.get("token_type_ids", None)
794
+ if past_key_values:
795
+ input_ids = input_ids[:, -1].unsqueeze(-1)
796
+ if token_type_ids is not None:
797
+ token_type_ids = token_type_ids[:, -1].unsqueeze(-1)
798
+
799
+ attention_mask = kwargs.get("attention_mask", None)
800
+ position_ids = kwargs.get("position_ids", None)
801
+
802
+ if attention_mask is not None and position_ids is None:
803
+ position_ids = attention_mask.long().cumsum(-1) - 1
804
+ position_ids.masked_fill_(attention_mask == 0, 1)
805
+ if past_key_values:
806
+ position_ids = position_ids[:, -1].unsqueeze(-1)
807
+ else:
808
+ position_ids = None
809
+
810
+ if inputs_embeds is not None and past_key_values is None:
811
+ model_inputs = {"inputs_embeds": inputs_embeds}
812
+ else:
813
+ model_inputs = {"input_ids": input_ids}
814
+
815
+ model_inputs.update(
816
+ {
817
+ "past_key_values": past_key_values,
818
+ "use_cache": kwargs.get("use_cache"),
819
+ "position_ids": position_ids,
820
+ "attention_mask": attention_mask,
821
+ "token_type_ids": token_type_ids,
822
+ }
823
+ )
824
+ return model_inputs
825
+
826
+ def forward(
827
+ self,
828
+ input_ids: Optional[torch.LongTensor] = None,
829
+ past_key_values: Optional[Tuple[Tuple[torch.Tensor]]] = None,
830
+ attention_mask: Optional[torch.FloatTensor] = None,
831
+ token_type_ids: Optional[torch.LongTensor] = None,
832
+ position_ids: Optional[torch.LongTensor] = None,
833
+ head_mask: Optional[torch.FloatTensor] = None,
834
+ inputs_embeds: Optional[torch.FloatTensor] = None,
835
+ encoder_hidden_states: Optional[torch.Tensor] = None,
836
+ encoder_attention_mask: Optional[torch.FloatTensor] = None,
837
+ labels: Optional[torch.LongTensor] = None,
838
+ use_cache: Optional[bool] = None,
839
+ output_attentions: Optional[bool] = None,
840
+ output_hidden_states: Optional[bool] = None,
841
+ return_dict: Optional[bool] = None,
842
+ ) -> Union[Tuple, CausalLMOutputWithPast]:
843
+
844
+ return_dict = (
845
+ return_dict if return_dict is not None else self.config.use_return_dict
846
+ )
847
+
848
+ transformer_outputs = self.transformer(
849
+ input_ids,
850
+ past_key_values=past_key_values,
851
+ attention_mask=attention_mask,
852
+ token_type_ids=token_type_ids,
853
+ position_ids=position_ids,
854
+ head_mask=head_mask,
855
+ inputs_embeds=inputs_embeds,
856
+ encoder_hidden_states=encoder_hidden_states,
857
+ encoder_attention_mask=encoder_attention_mask,
858
+ use_cache=use_cache,
859
+ output_attentions=output_attentions,
860
+ output_hidden_states=output_hidden_states,
861
+ return_dict=return_dict,
862
+ )
863
+ hidden_states = transformer_outputs[0]
864
+
865
+ lm_logits = self.lm_head(hidden_states)
866
+
867
+ loss = None
868
+ if labels is not None:
869
+ labels = labels.to(lm_logits.device)
870
+ shift_logits = lm_logits[..., :-1, :].contiguous()
871
+ shift_labels = labels[..., 1:].contiguous()
872
+ loss_fct = CrossEntropyLoss()
873
+ loss = loss_fct(
874
+ shift_logits.view(-1, shift_logits.size(-1)), shift_labels.view(-1)
875
+ )
876
+
877
+ if not return_dict:
878
+ output = (lm_logits,) + transformer_outputs[1:]
879
+ return ((loss,) + output) if loss is not None else output
880
+
881
+ return CausalLMOutputWithPast(
882
+ loss=loss,
883
+ logits=lm_logits,
884
+ past_key_values=transformer_outputs.past_key_values,
885
+ hidden_states=transformer_outputs.hidden_states,
886
+ attentions=transformer_outputs.attentions,
887
+ )
888
+
889
+ @staticmethod
890
+ def _reorder_cache(
891
+ past_key_values: Tuple[Tuple[torch.Tensor]], beam_idx: torch.Tensor
892
+ ) -> Tuple[Tuple[torch.Tensor]]:
893
+
894
+ return tuple(
895
+ tuple(
896
+ past_state.index_select(0, beam_idx.to(past_state.device))
897
+ for past_state in layer_past
898
+ )
899
+ for layer_past in past_key_values
900
+ )
901
+
902
+ def chat(
903
+ self,
904
+ tokenizer: PreTrainedTokenizer,
905
+ query: str,
906
+ history: Optional[HistoryType],
907
+ system: str = "You are a helpful assistant.",
908
+ append_history: bool = True,
909
+ stream: Optional[bool] = _SENTINEL,
910
+ stop_words_ids: Optional[List[List[int]]] = None,
911
+ generation_config: Optional[GenerationConfig] = None,
912
+ **kwargs,
913
+ ) -> Tuple[str, HistoryType]:
914
+ generation_config = generation_config if generation_config is not None else self.generation_config
915
+
916
+ assert stream is _SENTINEL, _ERROR_STREAM_IN_CHAT
917
+ assert generation_config.chat_format == 'chatml', _ERROR_BAD_CHAT_FORMAT
918
+ if history is None:
919
+ history = []
920
+ if stop_words_ids is None:
921
+ stop_words_ids = []
922
+
923
+ max_window_size = kwargs.get('max_window_size', None)
924
+ if max_window_size is None:
925
+ max_window_size = generation_config.max_window_size
926
+ raw_text, context_tokens = make_context(
927
+ tokenizer,
928
+ query,
929
+ history=history,
930
+ system=system,
931
+ max_window_size=max_window_size,
932
+ chat_format=generation_config.chat_format,
933
+ )
934
+
935
+ stop_words_ids.extend(get_stop_words_ids(
936
+ generation_config.chat_format, tokenizer
937
+ ))
938
+ input_ids = torch.tensor([context_tokens]).to(self.device)
939
+ outputs = self.generate(
940
+ input_ids,
941
+ stop_words_ids=stop_words_ids,
942
+ return_dict_in_generate=False,
943
+ generation_config=generation_config,
944
+ **kwargs,
945
+ )
946
+
947
+ response = decode_tokens(
948
+ outputs[0],
949
+ tokenizer,
950
+ raw_text_len=len(raw_text),
951
+ context_length=len(context_tokens),
952
+ chat_format=generation_config.chat_format,
953
+ verbose=False,
954
+ errors='replace'
955
+ )
956
+
957
+ if append_history:
958
+ history.append((query, response))
959
+
960
+ return response, history
961
+
962
+ def chat_stream(
963
+ self,
964
+ tokenizer: PreTrainedTokenizer,
965
+ query: str,
966
+ history: Optional[HistoryType],
967
+ system: str = "You are a helpful assistant.",
968
+ stop_words_ids: Optional[List[List[int]]] = None,
969
+ logits_processor: Optional[LogitsProcessorList] = None,
970
+ generation_config: Optional[GenerationConfig] = None,
971
+ **kwargs,
972
+ ) -> Generator[str, Any, None]:
973
+ generation_config = generation_config if generation_config is not None else self.generation_config
974
+ assert generation_config.chat_format == 'chatml', _ERROR_BAD_CHAT_FORMAT
975
+ if history is None:
976
+ history = []
977
+ if stop_words_ids is None:
978
+ stop_words_ids = []
979
+
980
+ max_window_size = kwargs.get('max_window_size', None)
981
+ if max_window_size is None:
982
+ max_window_size = generation_config.max_window_size
983
+ raw_text, context_tokens = make_context(
984
+ tokenizer,
985
+ query,
986
+ history=history,
987
+ system=system,
988
+ max_window_size=max_window_size,
989
+ chat_format=generation_config.chat_format,
990
+ )
991
+
992
+ stop_words_ids.extend(get_stop_words_ids(
993
+ generation_config.chat_format, tokenizer
994
+ ))
995
+ if stop_words_ids is not None:
996
+ stop_words_logits_processor = StopWordsLogitsProcessor(
997
+ stop_words_ids=stop_words_ids,
998
+ eos_token_id=generation_config.eos_token_id,
999
+ )
1000
+ if logits_processor is None:
1001
+ logits_processor = LogitsProcessorList([stop_words_logits_processor])
1002
+ else:
1003
+ logits_processor.append(stop_words_logits_processor)
1004
+ input_ids = torch.tensor([context_tokens]).to(self.device)
1005
+
1006
+ from transformers_stream_generator.main import NewGenerationMixin, StreamGenerationConfig
1007
+ self.__class__.generate_stream = NewGenerationMixin.generate
1008
+ self.__class__.sample_stream = NewGenerationMixin.sample_stream
1009
+ stream_config = StreamGenerationConfig(**generation_config.to_dict(), do_stream=True)
1010
+
1011
+ def stream_generator():
1012
+ outputs = []
1013
+ for token in self.generate_stream(
1014
+ input_ids,
1015
+ return_dict_in_generate=False,
1016
+ generation_config=stream_config,
1017
+ logits_processor=logits_processor,
1018
+ seed=-1,
1019
+ **kwargs):
1020
+ outputs.append(token.item())
1021
+ yield tokenizer.decode(outputs, skip_special_tokens=True, errors='ignore')
1022
+
1023
+ return stream_generator()
1024
+
1025
+ def generate(
1026
+ self,
1027
+ inputs: Optional[torch.Tensor] = None,
1028
+ generation_config: Optional[GenerationConfig] = None,
1029
+ logits_processor: Optional[LogitsProcessorList] = None,
1030
+ stopping_criteria: Optional[StoppingCriteriaList] = None,
1031
+ prefix_allowed_tokens_fn: Optional[
1032
+ Callable[[int, torch.Tensor], List[int]]
1033
+ ] = None,
1034
+ synced_gpus: Optional[bool] = None,
1035
+ assistant_model: Optional["PreTrainedModel"] = None,
1036
+ streamer: Optional["BaseStreamer"] = None,
1037
+ **kwargs,
1038
+ ) -> Union[GenerateOutput, torch.LongTensor]:
1039
+ generation_config = generation_config if generation_config is not None else self.generation_config
1040
+
1041
+ # Process stop_words_ids.
1042
+ stop_words_ids = kwargs.pop("stop_words_ids", None)
1043
+ if stop_words_ids is None and generation_config is not None:
1044
+ stop_words_ids = getattr(generation_config, "stop_words_ids", None)
1045
+ if stop_words_ids is None:
1046
+ stop_words_ids = getattr(generation_config, "stop_words_ids", None)
1047
+
1048
+ if stop_words_ids is not None:
1049
+ stop_words_logits_processor = StopWordsLogitsProcessor(
1050
+ stop_words_ids=stop_words_ids,
1051
+ eos_token_id=generation_config.eos_token_id,
1052
+ )
1053
+ if logits_processor is None:
1054
+ logits_processor = LogitsProcessorList([stop_words_logits_processor])
1055
+ else:
1056
+ logits_processor.append(stop_words_logits_processor)
1057
+
1058
+ return super().generate(
1059
+ inputs,
1060
+ generation_config=generation_config,
1061
+ logits_processor=logits_processor,
1062
+ stopping_criteria=stopping_criteria,
1063
+ prefix_allowed_tokens_fn=prefix_allowed_tokens_fn,
1064
+ synced_gpus=synced_gpus,
1065
+ assistant_model=assistant_model,
1066
+ streamer=streamer,
1067
+ **kwargs,
1068
+ )
1069
+
1070
+
1071
+ class RotaryEmbedding(torch.nn.Module):
1072
+ def __init__(self, dim, base=10000):
1073
+ super().__init__()
1074
+ self.dim = dim
1075
+ self.base = base
1076
+ self.inv_freq = 1.0 / (base ** (torch.arange(0, dim, 2).float() / dim))
1077
+ if importlib.util.find_spec("einops") is None:
1078
+ raise RuntimeError("einops is required for Rotary Embedding")
1079
+
1080
+ self._rotary_pos_emb_cache = None
1081
+ self._seq_len_cached = 0
1082
+ self._ntk_alpha_cached = 1.0
1083
+
1084
+ def update_rotary_pos_emb_cache(self, max_seq_len, offset=0, ntk_alpha=1.0):
1085
+ seqlen = max_seq_len + offset
1086
+ if seqlen > self._seq_len_cached or ntk_alpha != self._ntk_alpha_cached:
1087
+ base = self.base * ntk_alpha ** (self.dim / (self.dim - 2))
1088
+ self.inv_freq = 1.0 / (
1089
+ base
1090
+ ** (
1091
+ torch.arange(0, self.dim, 2, device=self.inv_freq.device).float()
1092
+ / self.dim
1093
+ )
1094
+ )
1095
+ self._seq_len_cached = max(2 * seqlen, 16)
1096
+ self._ntk_alpha_cached = ntk_alpha
1097
+ seq = torch.arange(self._seq_len_cached, device=self.inv_freq.device)
1098
+ freqs = torch.outer(seq.type_as(self.inv_freq), self.inv_freq)
1099
+
1100
+ emb = torch.cat((freqs, freqs), dim=-1)
1101
+ from einops import rearrange
1102
+
1103
+ emb = rearrange(emb, "n d -> 1 n 1 d")
1104
+
1105
+ cos, sin = emb.cos(), emb.sin()
1106
+ self._rotary_pos_emb_cache = [cos, sin]
1107
+
1108
+ def forward(self, max_seq_len, offset=0, ntk_alpha=1.0):
1109
+ self.update_rotary_pos_emb_cache(max_seq_len, offset, ntk_alpha)
1110
+ cos, sin = self._rotary_pos_emb_cache
1111
+ return [cos[:, offset : offset + max_seq_len], sin[:, offset : offset + max_seq_len]]
1112
+
1113
+
1114
+ def _rotate_half(x):
1115
+ from einops import rearrange
1116
+
1117
+ x = rearrange(x, "... (j d) -> ... j d", j=2)
1118
+ x1, x2 = x.unbind(dim=-2)
1119
+ return torch.cat((-x2, x1), dim=-1)
1120
+
1121
+
1122
+ def apply_rotary_pos_emb(t, freqs):
1123
+ cos, sin = freqs
1124
+ if apply_rotary_emb_func is not None and t.is_cuda:
1125
+ t_ = t.float()
1126
+ cos = cos.squeeze(0).squeeze(1)[:, : cos.shape[-1] // 2]
1127
+ sin = sin.squeeze(0).squeeze(1)[:, : sin.shape[-1] // 2]
1128
+ output = apply_rotary_emb_func(t_, cos, sin).type_as(t)
1129
+ return output
1130
+ else:
1131
+ rot_dim = freqs[0].shape[-1]
1132
+ cos, sin = freqs
1133
+ t_, t_pass_ = t[..., :rot_dim], t[..., rot_dim:]
1134
+ t_ = t_.float()
1135
+ t_pass_ = t_pass_.float()
1136
+ t_ = (t_ * cos) + (_rotate_half(t_) * sin)
1137
+ return torch.cat((t_, t_pass_), dim=-1).type_as(t)
1138
+
1139
+
1140
+ class RMSNorm(torch.nn.Module):
1141
+ def __init__(self, dim: int, eps: float = 1e-6):
1142
+ super().__init__()
1143
+ self.eps = eps
1144
+ self.weight = nn.Parameter(torch.ones(dim))
1145
+
1146
+ def _norm(self, x):
1147
+ return x * torch.rsqrt(x.pow(2).mean(-1, keepdim=True) + self.eps)
1148
+
1149
+ def forward(self, x):
1150
+ if rms_norm is not None and x.is_cuda:
1151
+ return rms_norm(x, self.weight, self.eps)
1152
+ else:
1153
+ output = self._norm(x.float()).type_as(x)
1154
+ return output * self.weight
quantize_config.json ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bits": 4,
3
+ "group_size": 128,
4
+ "damp_percent": 0.01,
5
+ "desc_act": false,
6
+ "static_groups": false,
7
+ "sym": true,
8
+ "true_sequential": true,
9
+ "model_name_or_path": null,
10
+ "model_file_base_name": "model"
11
+ }
qwen.tiktoken ADDED
The diff for this file is too large to render. See raw diff
 
qwen_generation_utils.py ADDED
@@ -0,0 +1,420 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) Alibaba Cloud.
2
+ #
3
+ # This source code is licensed under the license found in the
4
+ # LICENSE file in the root directory of this source tree.
5
+
6
+ """Generation support."""
7
+
8
+ from typing import Tuple, List, Union, Iterable
9
+
10
+ import numpy as np
11
+ import torch
12
+ import torch.nn.functional as F
13
+ from transformers import PreTrainedTokenizer
14
+ from transformers import logging
15
+ from transformers.generation import LogitsProcessor
16
+
17
+ logger = logging.get_logger(__name__)
18
+
19
+ # Types.
20
+ HistoryType = List[Tuple[str, str]]
21
+ TokensType = List[int]
22
+ BatchTokensType = List[List[int]]
23
+
24
+
25
+ def pad_batch(batch: BatchTokensType, pad_id: int, seq_length: int) -> BatchTokensType:
26
+ for tokens in batch:
27
+ context_length = len(tokens)
28
+ if context_length < seq_length:
29
+ tokens.extend([pad_id] * (seq_length - context_length))
30
+ return batch
31
+
32
+
33
+ def get_ltor_masks_and_position_ids(
34
+ data,
35
+ eod_token,
36
+ reset_position_ids,
37
+ reset_attention_mask,
38
+ eod_mask_loss,
39
+ ):
40
+ """Build masks and position id for left to right model."""
41
+
42
+ # Extract batch size and sequence length.
43
+ micro_batch_size, seq_length = data.size()
44
+
45
+ # Attention mask (lower triangular).
46
+ if reset_attention_mask:
47
+ att_mask_batch = micro_batch_size
48
+ else:
49
+ att_mask_batch = 1
50
+ attention_mask = torch.tril(
51
+ torch.ones((att_mask_batch, seq_length, seq_length), device=data.device)
52
+ ).view(att_mask_batch, 1, seq_length, seq_length)
53
+
54
+ # Loss mask.
55
+ loss_mask = torch.ones(data.size(), dtype=torch.float, device=data.device)
56
+ if eod_mask_loss:
57
+ loss_mask[data == eod_token] = 0.0
58
+
59
+ # Position ids.
60
+ position_ids = torch.arange(seq_length, dtype=torch.long, device=data.device)
61
+ position_ids = position_ids.unsqueeze(0).expand_as(data)
62
+ # We need to clone as the ids will be modifed based on batch index.
63
+ if reset_position_ids:
64
+ position_ids = position_ids.clone()
65
+
66
+ if reset_position_ids or reset_attention_mask:
67
+ # Loop through the batches:
68
+ for b in range(micro_batch_size):
69
+
70
+ # Find indecies where EOD token is.
71
+ eod_index = position_ids[b, data[b] == eod_token]
72
+ # Detach indecies from positions if going to modify positions.
73
+ if reset_position_ids:
74
+ eod_index = eod_index.clone()
75
+
76
+ # Loop through EOD indecies:
77
+ prev_index = 0
78
+ for j in range(eod_index.size()[0]):
79
+ i = eod_index[j]
80
+ # Mask attention loss.
81
+ if reset_attention_mask:
82
+ attention_mask[b, 0, (i + 1) :, : (i + 1)] = 0
83
+ # Reset positions.
84
+ if reset_position_ids:
85
+ position_ids[b, (i + 1) :] -= i + 1 - prev_index
86
+ prev_index = i + 1
87
+
88
+ # Convert attention mask to binary:
89
+ attention_mask = attention_mask < 0.5
90
+
91
+ return attention_mask, loss_mask, position_ids
92
+
93
+
94
+ def get_batch(context_tokens: torch.LongTensor, eod_id: int):
95
+ """Generate batch from context tokens."""
96
+ # Move to GPU.
97
+ tokens = context_tokens.contiguous().to(context_tokens.device)
98
+ # Get the attention mask and postition ids.
99
+ attention_mask, _, position_ids = get_ltor_masks_and_position_ids(
100
+ tokens,
101
+ eod_id,
102
+ reset_position_ids=False,
103
+ reset_attention_mask=False,
104
+ eod_mask_loss=False,
105
+ )
106
+ return tokens, attention_mask, position_ids
107
+
108
+
109
+ def get_stop_words_ids(chat_format, tokenizer):
110
+ if chat_format == "raw":
111
+ stop_words_ids = [tokenizer.encode("Human:"), [tokenizer.eod_id]]
112
+ elif chat_format == "chatml":
113
+ stop_words_ids = [[tokenizer.im_end_id], [tokenizer.im_start_id]]
114
+ else:
115
+ raise NotImplementedError(f"Unknown chat format {chat_format!r}")
116
+ return stop_words_ids
117
+
118
+
119
+ def make_context(
120
+ tokenizer: PreTrainedTokenizer,
121
+ query: str,
122
+ history: List[Tuple[str, str]] = None,
123
+ system: str = "",
124
+ max_window_size: int = 6144,
125
+ chat_format: str = "chatml",
126
+ ):
127
+ if history is None:
128
+ history = []
129
+
130
+ if chat_format == "chatml":
131
+ im_start, im_end = "<|im_start|>", "<|im_end|>"
132
+ im_start_tokens = [tokenizer.im_start_id]
133
+ im_end_tokens = [tokenizer.im_end_id]
134
+ nl_tokens = tokenizer.encode("\n")
135
+
136
+ def _tokenize_str(role, content):
137
+ return f"{role}\n{content}", tokenizer.encode(
138
+ role, allowed_special=set(tokenizer.IMAGE_ST)
139
+ ) + nl_tokens + tokenizer.encode(content, allowed_special=set(tokenizer.IMAGE_ST))
140
+
141
+ system_text, system_tokens_part = _tokenize_str("system", system)
142
+ system_tokens = im_start_tokens + system_tokens_part + im_end_tokens
143
+
144
+ raw_text = ""
145
+ context_tokens = []
146
+
147
+ for turn_query, turn_response in reversed(history):
148
+ query_text, query_tokens_part = _tokenize_str("user", turn_query)
149
+ query_tokens = im_start_tokens + query_tokens_part + im_end_tokens
150
+ if turn_response is not None:
151
+ response_text, response_tokens_part = _tokenize_str(
152
+ "assistant", turn_response
153
+ )
154
+ response_tokens = im_start_tokens + response_tokens_part + im_end_tokens
155
+
156
+ next_context_tokens = nl_tokens + query_tokens + nl_tokens + response_tokens
157
+ prev_chat = (
158
+ f"\n{im_start}{query_text}{im_end}\n{im_start}{response_text}{im_end}"
159
+ )
160
+ else:
161
+ next_context_tokens = nl_tokens + query_tokens + nl_tokens
162
+ prev_chat = f"\n{im_start}{query_text}{im_end}\n"
163
+
164
+ current_context_size = (
165
+ len(system_tokens) + len(next_context_tokens) + len(context_tokens)
166
+ )
167
+ if current_context_size < max_window_size:
168
+ context_tokens = next_context_tokens + context_tokens
169
+ raw_text = prev_chat + raw_text
170
+ else:
171
+ break
172
+
173
+ context_tokens = system_tokens + context_tokens
174
+ raw_text = f"{im_start}{system_text}{im_end}" + raw_text
175
+ context_tokens += (
176
+ nl_tokens
177
+ + im_start_tokens
178
+ + _tokenize_str("user", query)[1]
179
+ + im_end_tokens
180
+ + nl_tokens
181
+ + im_start_tokens
182
+ + tokenizer.encode("assistant")
183
+ + nl_tokens
184
+ )
185
+ raw_text += f"\n{im_start}user\n{query}{im_end}\n{im_start}assistant\n"
186
+
187
+ elif chat_format == "raw":
188
+ raw_text = query
189
+ context_tokens = tokenizer.encode(raw_text)
190
+ else:
191
+ raise NotImplementedError(f"Unknown chat format {chat_format!r}")
192
+
193
+ return raw_text, context_tokens
194
+
195
+
196
+ def _decode_default(
197
+ tokens: List[int],
198
+ *,
199
+ stop_words: List[str],
200
+ eod_words: List[str],
201
+ tokenizer: PreTrainedTokenizer,
202
+ raw_text_len: int,
203
+ verbose: bool = False,
204
+ return_end_reason: bool = False,
205
+ errors: str='replace',
206
+ ):
207
+ trim_decode_tokens = tokenizer.decode(tokens, errors=errors)[raw_text_len:]
208
+ if verbose:
209
+ print("\nRaw Generate: ", trim_decode_tokens)
210
+
211
+ end_reason = f"Gen length {len(tokens)}"
212
+ for stop_word in stop_words:
213
+ trim_decode_tokens = trim_decode_tokens.replace(stop_word, "").strip()
214
+ for eod_word in eod_words:
215
+ if eod_word in trim_decode_tokens:
216
+ end_reason = f"Gen {eod_word!r}"
217
+ trim_decode_tokens = trim_decode_tokens.split(eod_word)[0]
218
+ trim_decode_tokens = trim_decode_tokens.strip()
219
+ if verbose:
220
+ print("\nEnd Reason:", end_reason)
221
+ print("\nGenerate: ", trim_decode_tokens)
222
+
223
+ if return_end_reason:
224
+ return trim_decode_tokens, end_reason
225
+ else:
226
+ return trim_decode_tokens
227
+
228
+
229
+ def _decode_chatml(
230
+ tokens: List[int],
231
+ *,
232
+ stop_words: List[str],
233
+ eod_token_ids: List[int],
234
+ tokenizer: PreTrainedTokenizer,
235
+ raw_text_len: int,
236
+ context_length: int,
237
+ verbose: bool = False,
238
+ return_end_reason: bool = False,
239
+ errors: str='replace'
240
+ ):
241
+ end_reason = f"Gen length {len(tokens)}"
242
+ eod_token_idx = context_length
243
+ for eod_token_idx in range(context_length, len(tokens)):
244
+ if tokens[eod_token_idx] in eod_token_ids:
245
+ end_reason = f"Gen {tokenizer.decode([tokens[eod_token_idx]])!r}"
246
+ break
247
+
248
+ trim_decode_tokens = tokenizer.decode(tokens[:eod_token_idx], errors=errors)[raw_text_len:]
249
+ if verbose:
250
+ print("\nRaw Generate w/o EOD:", tokenizer.decode(tokens, errors=errors)[raw_text_len:])
251
+ print("\nRaw Generate:", trim_decode_tokens)
252
+ print("\nEnd Reason:", end_reason)
253
+ for stop_word in stop_words:
254
+ trim_decode_tokens = trim_decode_tokens.replace(stop_word, "").strip()
255
+ trim_decode_tokens = trim_decode_tokens.strip()
256
+ if verbose:
257
+ print("\nGenerate:", trim_decode_tokens)
258
+
259
+ if return_end_reason:
260
+ return trim_decode_tokens, end_reason
261
+ else:
262
+ return trim_decode_tokens
263
+
264
+
265
+ def decode_tokens(
266
+ tokens: Union[torch.LongTensor, TokensType],
267
+ tokenizer: PreTrainedTokenizer,
268
+ raw_text_len: int,
269
+ context_length: int,
270
+ chat_format: str,
271
+ verbose: bool = False,
272
+ return_end_reason: bool = False,
273
+ errors: str="replace",
274
+ ) -> str:
275
+ if torch.is_tensor(tokens):
276
+ tokens = tokens.cpu().numpy().tolist()
277
+
278
+ if chat_format == "chatml":
279
+ return _decode_chatml(
280
+ tokens,
281
+ stop_words=[],
282
+ eod_token_ids=[tokenizer.im_start_id, tokenizer.im_end_id],
283
+ tokenizer=tokenizer,
284
+ raw_text_len=raw_text_len,
285
+ context_length=context_length,
286
+ verbose=verbose,
287
+ return_end_reason=return_end_reason,
288
+ errors=errors,
289
+ )
290
+ elif chat_format == "raw":
291
+ return _decode_default(
292
+ tokens,
293
+ stop_words=["<|endoftext|>"],
294
+ eod_words=["<|endoftext|>"],
295
+ tokenizer=tokenizer,
296
+ raw_text_len=raw_text_len,
297
+ verbose=verbose,
298
+ return_end_reason=return_end_reason,
299
+ errors=errors,
300
+ )
301
+ else:
302
+ raise NotImplementedError(f"Unknown chat format {chat_format!r}")
303
+
304
+
305
+ class StopWordsLogitsProcessor(LogitsProcessor):
306
+ """
307
+ :class:`transformers.LogitsProcessor` that enforces that when specified sequences appear, stop geration.
308
+
309
+ Args:
310
+ stop_words_ids (:obj:`List[List[int]]`):
311
+ List of list of token ids of stop ids. In order to get the tokens of the words
312
+ that should not appear in the generated text, use :obj:`tokenizer(bad_word,
313
+ add_prefix_space=True).input_ids`.
314
+ eos_token_id (:obj:`int`):
315
+ The id of the `end-of-sequence` token.
316
+ """
317
+
318
+ def __init__(self, stop_words_ids: Iterable[Iterable[int]], eos_token_id: int):
319
+
320
+ if not isinstance(stop_words_ids, List) or len(stop_words_ids) == 0:
321
+ raise ValueError(
322
+ f"`stop_words_ids` has to be a non-emtpy list, but is {stop_words_ids}."
323
+ )
324
+ if any(not isinstance(bad_word_ids, list) for bad_word_ids in stop_words_ids):
325
+ raise ValueError(
326
+ f"`stop_words_ids` has to be a list of lists, but is {stop_words_ids}."
327
+ )
328
+ if any(
329
+ any(
330
+ (not isinstance(token_id, (int, np.integer)) or token_id < 0)
331
+ for token_id in stop_word_ids
332
+ )
333
+ for stop_word_ids in stop_words_ids
334
+ ):
335
+ raise ValueError(
336
+ f"Each list in `stop_words_ids` has to be a list of positive integers, but is {stop_words_ids}."
337
+ )
338
+
339
+ self.stop_words_ids = list(
340
+ filter(
341
+ lambda bad_token_seq: bad_token_seq != [eos_token_id], stop_words_ids
342
+ )
343
+ )
344
+ self.eos_token_id = eos_token_id
345
+ for stop_token_seq in self.stop_words_ids:
346
+ assert (
347
+ len(stop_token_seq) > 0
348
+ ), "Stop words token sequences {} cannot have an empty list".format(
349
+ stop_words_ids
350
+ )
351
+
352
+ def __call__(
353
+ self, input_ids: torch.LongTensor, scores: torch.FloatTensor
354
+ ) -> torch.FloatTensor:
355
+ stopped_samples = self._calc_stopped_samples(input_ids)
356
+ for i, should_stop in enumerate(stopped_samples):
357
+ if should_stop:
358
+ scores[i, self.eos_token_id] = float(2**15)
359
+ return scores
360
+
361
+ def _tokens_match(self, prev_tokens: torch.LongTensor, tokens: List[int]) -> bool:
362
+ if len(tokens) == 0:
363
+ # if bad word tokens is just one token always ban it
364
+ return True
365
+ elif len(tokens) > len(prev_tokens):
366
+ # if bad word tokens are longer then prev input_ids they can't be equal
367
+ return False
368
+ elif prev_tokens[-len(tokens) :].tolist() == tokens:
369
+ # if tokens match
370
+ return True
371
+ else:
372
+ return False
373
+
374
+ def _calc_stopped_samples(self, prev_input_ids: Iterable[int]) -> Iterable[int]:
375
+ stopped_samples = []
376
+ for prev_input_ids_slice in prev_input_ids:
377
+ match = False
378
+ for stop_token_seq in self.stop_words_ids:
379
+ if self._tokens_match(prev_input_ids_slice, stop_token_seq):
380
+ # if tokens do not match continue
381
+ match = True
382
+ break
383
+ stopped_samples.append(match)
384
+
385
+ return stopped_samples
386
+
387
+
388
+ def top_k_logits(logits, top_k=0, top_p=0.0, filter_value=-float("Inf")):
389
+ """This function has been mostly taken from huggingface conversational
390
+ ai code at
391
+ https://medium.com/huggingface/how-to-build-a-state-of-the-art-
392
+ conversational-ai-with-transfer-learning-2d818ac26313"""
393
+
394
+ if top_k > 0:
395
+ # Remove all tokens with a probability less than the
396
+ # last token of the top-k
397
+ indices_to_remove = logits < torch.topk(logits, top_k)[0][..., -1, None]
398
+ logits[indices_to_remove] = filter_value
399
+
400
+ if top_p > 0.0:
401
+ # Cconvert to 1D
402
+ sorted_logits, sorted_indices = torch.sort(logits, descending=True, dim=-1)
403
+ cumulative_probs = torch.cumsum(F.softmax(sorted_logits, dim=-1), dim=-1)
404
+
405
+ # Remove tokens with cumulative probability above the threshold
406
+ sorted_indices_to_remove = cumulative_probs > top_p
407
+ # Shift the indices to the right to keep also the first token
408
+ # above the threshold
409
+ sorted_indices_to_remove[..., 1:] = sorted_indices_to_remove[..., :-1].clone()
410
+ sorted_indices_to_remove[..., 0] = 0
411
+ for i in range(sorted_indices.size(0)):
412
+ indices_to_remove = sorted_indices[i][sorted_indices_to_remove[i]]
413
+ logits[i][indices_to_remove] = filter_value
414
+
415
+ return logits
416
+
417
+
418
+ def switch(val1, val2, boolean):
419
+ boolean = boolean.type_as(val1)
420
+ return (1 - boolean) * val1 + boolean * val2
requirements.txt ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ transformers==4.32.0
2
+ accelerate
3
+ tiktoken
4
+ einops
5
+ transformers_stream_generator==0.0.4
6
+ scipy
7
+ torchvision
8
+ pillow
9
+ tensorboard
10
+ matplotlib
tokenization_qwen.py ADDED
@@ -0,0 +1,584 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Copyright (c) Alibaba Cloud.
2
+ #
3
+ # This source code is licensed under the license found in the
4
+ # LICENSE file in the root directory of this source tree.
5
+
6
+ """Tokenization classes for QWen."""
7
+
8
+ import base64
9
+ import logging
10
+ import os
11
+ import requests
12
+ import unicodedata
13
+ from typing import Collection, Dict, List, Set, Tuple, Union, Any, Callable, Optional
14
+
15
+ import tiktoken
16
+ import numpy as np
17
+ from PIL import Image
18
+ from PIL import ImageFont
19
+ from PIL import ImageDraw
20
+ from transformers import PreTrainedTokenizer, AddedToken
21
+ from transformers.utils import try_to_load_from_cache
22
+
23
+ import matplotlib.colors as mcolors
24
+ from matplotlib.font_manager import FontProperties
25
+
26
+ logger = logging.getLogger(__name__)
27
+
28
+
29
+ VOCAB_FILES_NAMES = {"vocab_file": "qwen.tiktoken", "ttf": "SimSun.ttf"}
30
+
31
+ PAT_STR = r"""(?i:'s|'t|'re|'ve|'m|'ll|'d)|[^\r\n\p{L}\p{N}]?\p{L}+|\p{N}| ?[^\s\p{L}\p{N}]+[\r\n]*|\s*[\r\n]+|\s+(?!\S)|\s+"""
32
+ ENDOFTEXT = "<|endoftext|>"
33
+ IMSTART = "<|im_start|>"
34
+ IMEND = "<|im_end|>"
35
+ # as the default behavior is changed to allow special tokens in
36
+ # regular texts, the surface forms of special tokens need to be
37
+ # as different as possible to minimize the impact
38
+ EXTRAS = tuple((f"<|extra_{i}|>" for i in range(205)))
39
+ SPECIAL_TOKENS = (
40
+ ENDOFTEXT,
41
+ IMSTART,
42
+ IMEND,
43
+ ) + EXTRAS
44
+ IMG_TOKEN_SPAN = 256
45
+
46
+
47
+ def _load_tiktoken_bpe(tiktoken_bpe_file: str) -> Dict[bytes, int]:
48
+ with open(tiktoken_bpe_file, "rb") as f:
49
+ contents = f.read()
50
+ return {
51
+ base64.b64decode(token): int(rank)
52
+ for token, rank in (line.split() for line in contents.splitlines() if line)
53
+ }
54
+
55
+ def _list_find(
56
+ input_list: List[Any],
57
+ candidates: Tuple[Any],
58
+ start: int = 0,
59
+ ):
60
+ for i in range(start, len(input_list)):
61
+ if input_list[i] in candidates:
62
+ return i
63
+ return -1
64
+
65
+ def _replace_closed_tag(
66
+ input_tokens: List[Any],
67
+ start_tags: Union[Any, Tuple[Any]],
68
+ end_tags: Union[Any, Tuple[Any]],
69
+ inclusive_replace_func: Callable,
70
+ exclusive_replace_func: Callable = lambda x: x,
71
+ ):
72
+ if isinstance(start_tags, (str, int)):
73
+ start_tags = (start_tags,)
74
+ if isinstance(end_tags, (str, int)):
75
+ end_tags = (end_tags,)
76
+ assert len(start_tags) == len(end_tags)
77
+
78
+ output_tokens = []
79
+ end = 0
80
+ while True:
81
+ start = _list_find(input_tokens, start_tags, end)
82
+ if start == -1:
83
+ break
84
+ output_tokens.extend(exclusive_replace_func(input_tokens[end : start]))
85
+ tag_idx = start_tags.index(input_tokens[start])
86
+ end = _list_find(input_tokens, (end_tags[tag_idx],), start)
87
+ if end == -1:
88
+ raise ValueError("Unclosed image token")
89
+ output_tokens.extend(inclusive_replace_func(input_tokens[start : end + 1]))
90
+ end += 1
91
+ output_tokens.extend(exclusive_replace_func(input_tokens[end : ]))
92
+ return output_tokens
93
+
94
+ class QWenTokenizer(PreTrainedTokenizer):
95
+ """QWen tokenizer."""
96
+
97
+ vocab_files_names = VOCAB_FILES_NAMES
98
+
99
+ def __init__(
100
+ self,
101
+ vocab_file,
102
+ errors="replace",
103
+ image_start_tag='<img>',
104
+ image_end_tag='</img>',
105
+ image_pad_tag='<imgpad>',
106
+ ref_start_tag='<ref>',
107
+ ref_end_tag='</ref>',
108
+ box_start_tag='<box>',
109
+ box_end_tag='</box>',
110
+ quad_start_tag='<quad>',
111
+ quad_end_tag='</quad>',
112
+ **kwargs,
113
+ ):
114
+ super().__init__(**kwargs)
115
+ self.image_start_tag = image_start_tag
116
+ self.image_end_tag = image_end_tag
117
+ self.image_pad_tag = image_pad_tag
118
+ self.ref_start_tag = ref_start_tag
119
+ self.ref_end_tag = ref_end_tag
120
+ self.box_start_tag = box_start_tag
121
+ self.box_end_tag = box_end_tag
122
+ self.quad_start_tag = quad_start_tag
123
+ self.quad_end_tag = quad_end_tag
124
+ self.IMAGE_ST = (
125
+ ref_start_tag, ref_end_tag,
126
+ box_start_tag, box_end_tag,
127
+ quad_start_tag, quad_end_tag,
128
+ image_start_tag, image_end_tag,
129
+ image_pad_tag
130
+ )
131
+
132
+ self.errors = errors # how to handle errors in decoding
133
+
134
+ self.mergeable_ranks = _load_tiktoken_bpe(vocab_file) # type: dict[bytes, int]
135
+ self.special_tokens = {
136
+ token: index
137
+ for index, token in enumerate(
138
+ SPECIAL_TOKENS + self.IMAGE_ST, start=len(self.mergeable_ranks)
139
+ )
140
+ }
141
+ self.img_start_id = self.special_tokens[self.image_start_tag]
142
+ self.img_end_id = self.special_tokens[self.image_end_tag]
143
+ self.img_pad_id = self.special_tokens[self.image_pad_tag]
144
+ self.ref_start_id = self.special_tokens[self.ref_start_tag]
145
+ self.ref_end_id = self.special_tokens[self.ref_end_tag]
146
+ self.box_start_id = self.special_tokens[self.box_start_tag]
147
+ self.box_end_id = self.special_tokens[self.box_end_tag]
148
+ self.quad_start_id = self.special_tokens[self.quad_start_tag]
149
+ self.quad_end_id = self.special_tokens[self.quad_end_tag]
150
+
151
+ enc = tiktoken.Encoding(
152
+ "Qwen",
153
+ pat_str=PAT_STR,
154
+ mergeable_ranks=self.mergeable_ranks,
155
+ special_tokens=self.special_tokens,
156
+ )
157
+ assert (
158
+ len(self.mergeable_ranks) + len(self.special_tokens) == enc.n_vocab
159
+ ), f"{len(self.mergeable_ranks) + len(self.special_tokens)} != {enc.n_vocab} in encoding"
160
+
161
+ self.decoder = {
162
+ v: k for k, v in self.mergeable_ranks.items()
163
+ } # type: dict[int, bytes|str]
164
+ self.decoder.update({v: k for k, v in self.special_tokens.items()})
165
+
166
+ self.tokenizer = enc # type: tiktoken.Encoding
167
+
168
+ self.eod_id = self.tokenizer.eot_token
169
+ self.im_start_id = self.special_tokens[IMSTART]
170
+ self.im_end_id = self.special_tokens[IMEND]
171
+
172
+ def __getstate__(self):
173
+ # for pickle lovers
174
+ state = self.__dict__.copy()
175
+ del state['tokenizer']
176
+ return state
177
+
178
+ def __setstate__(self, state):
179
+ # tokenizer is not python native; don't pass it; rebuild it
180
+ self.__dict__.update(state)
181
+ enc = tiktoken.Encoding(
182
+ "Qwen",
183
+ pat_str=PAT_STR,
184
+ mergeable_ranks=self.mergeable_ranks,
185
+ special_tokens=self.special_tokens,
186
+ )
187
+ self.tokenizer = enc
188
+
189
+
190
+ def __len__(self) -> int:
191
+ return self.tokenizer.n_vocab
192
+
193
+ def get_vocab(self) -> Dict[bytes, int]:
194
+ return self.mergeable_ranks
195
+
196
+ def convert_tokens_to_ids(
197
+ self, tokens: Union[bytes, str, List[Union[bytes, str]]]
198
+ ) -> List[int]:
199
+ ids = []
200
+ if isinstance(tokens, (str, bytes)):
201
+ if tokens in self.special_tokens:
202
+ return self.special_tokens[tokens]
203
+ else:
204
+ return self.mergeable_ranks.get(tokens)
205
+ for token in tokens:
206
+ if token in self.special_tokens:
207
+ ids.append(self.special_tokens[token])
208
+ else:
209
+ ids.append(self.mergeable_ranks.get(token))
210
+ return ids
211
+
212
+ def _add_tokens(self, new_tokens: Union[List[str], List[AddedToken]], special_tokens: bool = False) -> int:
213
+ if not special_tokens and new_tokens:
214
+ raise ValueError('Adding regular tokens is not supported')
215
+ for token in new_tokens:
216
+ surface_form = token.content if isinstance(token, AddedToken) else token
217
+ if surface_form not in SPECIAL_TOKENS + self.IMAGE_ST:
218
+ raise ValueError('Adding unknown special tokens is not supported')
219
+ return 0
220
+
221
+ def save_vocabulary(self, save_directory: str, **kwargs) -> Tuple[str]:
222
+ """
223
+ Save only the vocabulary of the tokenizer (vocabulary).
224
+
225
+ Returns:
226
+ `Tuple(str)`: Paths to the files saved.
227
+ """
228
+ file_path = os.path.join(save_directory, "qwen.tiktoken")
229
+ with open(file_path, "w", encoding="utf8") as w:
230
+ for k, v in self.mergeable_ranks.items():
231
+ line = base64.b64encode(k).decode("utf8") + " " + str(v) + "\n"
232
+ w.write(line)
233
+ return (file_path,)
234
+
235
+ def tokenize(
236
+ self,
237
+ text: str,
238
+ allowed_special: Union[Set, str] = "all",
239
+ disallowed_special: Union[Collection, str] = (),
240
+ **kwargs,
241
+ ) -> List[Union[bytes, str]]:
242
+ """
243
+ Converts a string in a sequence of tokens.
244
+
245
+ Args:
246
+ text (`str`):
247
+ The sequence to be encoded.
248
+ allowed_special (`Literal["all"]` or `set`):
249
+ The surface forms of the tokens to be encoded as special tokens in regular texts.
250
+ Default to "all".
251
+ disallowed_special (`Literal["all"]` or `Collection`):
252
+ The surface forms of the tokens that should not be in regular texts and trigger errors.
253
+ Default to an empty tuple.
254
+
255
+ kwargs (additional keyword arguments, *optional*):
256
+ Will be passed to the underlying model specific encode method.
257
+
258
+ Returns:
259
+ `List[bytes|str]`: The list of tokens.
260
+ """
261
+ tokens = []
262
+ text = unicodedata.normalize("NFC", text)
263
+
264
+ # this implementation takes a detour: text -> token id -> token surface forms
265
+ for t in self.tokenizer.encode(
266
+ text, allowed_special=allowed_special, disallowed_special=disallowed_special
267
+ ):
268
+ tokens.append(self.decoder[t])
269
+
270
+ def _encode_imgurl(img_tokens):
271
+ assert img_tokens[0] == self.image_start_tag and img_tokens[-1] == self.image_end_tag
272
+ img_tokens = img_tokens[1:-1]
273
+ img_url = b''.join(img_tokens)
274
+ out_img_tokens = list(map(self.decoder.get, img_url))
275
+ if len(out_img_tokens) > IMG_TOKEN_SPAN:
276
+ raise ValueError("The content in {}..{} is too long".format(
277
+ self.image_start_tag, self.image_end_tag))
278
+ out_img_tokens.extend([self.image_pad_tag] * (IMG_TOKEN_SPAN - len(out_img_tokens)))
279
+ out_img_tokens = [self.image_start_tag] + out_img_tokens + [self.image_end_tag]
280
+ return out_img_tokens
281
+
282
+ return _replace_closed_tag(tokens, self.image_start_tag, self.image_end_tag, _encode_imgurl)
283
+
284
+ def convert_tokens_to_string(self, tokens: List[Union[bytes, str]]) -> str:
285
+ """
286
+ Converts a sequence of tokens in a single string.
287
+ """
288
+ text = ""
289
+ temp = b""
290
+ for t in tokens:
291
+ if isinstance(t, str):
292
+ if temp:
293
+ text += temp.decode("utf-8", errors=self.errors)
294
+ temp = b""
295
+ text += t
296
+ elif isinstance(t, bytes):
297
+ temp += t
298
+ else:
299
+ raise TypeError("token should only be of type types or str")
300
+ if temp:
301
+ text += temp.decode("utf-8", errors=self.errors)
302
+ return text
303
+
304
+ @property
305
+ def vocab_size(self):
306
+ return self.tokenizer.n_vocab
307
+
308
+ def _convert_id_to_token(self, index: int) -> Union[bytes, str]:
309
+ """Converts an id to a token, special tokens included"""
310
+ if index in self.decoder:
311
+ return self.decoder[index]
312
+ raise ValueError("unknown ids")
313
+
314
+ def _convert_token_to_id(self, token: Union[bytes, str]) -> int:
315
+ """Converts a token to an id using the vocab, special tokens included"""
316
+ if token in self.special_tokens:
317
+ return self.special_tokens[token]
318
+ if token in self.mergeable_ranks:
319
+ return self.mergeable_ranks[token]
320
+ raise ValueError("unknown token")
321
+
322
+ def _tokenize(self, text: str, **kwargs):
323
+ """
324
+ Converts a string in a sequence of tokens (string), using the tokenizer. Split in words for word-based
325
+ vocabulary or sub-words for sub-word-based vocabularies (BPE/SentencePieces/WordPieces).
326
+
327
+ Do NOT take care of added tokens.
328
+ """
329
+ raise NotImplementedError
330
+
331
+ def _decode(
332
+ self,
333
+ token_ids: Union[int, List[int]],
334
+ skip_special_tokens: bool = False,
335
+ errors: str = None,
336
+ **kwargs,
337
+ ) -> str:
338
+ if isinstance(token_ids, int):
339
+ token_ids = [token_ids]
340
+
341
+ def _decode_imgurl(img_token_ids):
342
+ assert img_token_ids[0] == self.img_start_id and img_token_ids[-1] == self.img_end_id
343
+ img_token_ids = img_token_ids[1:-1]
344
+ img_token_ids = img_token_ids[ : img_token_ids.index(self.img_pad_id)]
345
+ img_url = bytes(img_token_ids).decode('utf-8')
346
+ return [self.img_start_id] + self.tokenizer.encode(img_url) + [self.img_end_id]
347
+
348
+ token_ids = _replace_closed_tag(token_ids, self.img_start_id, self.img_end_id, _decode_imgurl)
349
+
350
+ if skip_special_tokens:
351
+ token_ids = [i for i in token_ids if i < self.eod_id]
352
+ return self.tokenizer.decode(token_ids, errors=errors or self.errors)
353
+
354
+ def to_list_format(self, text: str):
355
+ text = unicodedata.normalize("NFC", text)
356
+ token_ids = self.tokenizer.encode(
357
+ text, allowed_special=set(self.IMAGE_ST + (ENDOFTEXT,)))
358
+
359
+ def _encode_vl_info(tokens):
360
+ if len(tokens) == 0:
361
+ return []
362
+ if tokens[0] == self.img_start_id and tokens[-1] == self.img_end_id:
363
+ key = 'image'
364
+ elif tokens[0] == self.ref_start_id and tokens[-1] == self.ref_end_id:
365
+ key = 'ref'
366
+ elif tokens[0] == self.box_start_id and tokens[-1] == self.box_end_id:
367
+ key = 'box'
368
+ elif tokens[0] == self.quad_start_id and tokens[-1] == self.quad_end_id:
369
+ key = 'quad'
370
+ else:
371
+ _tobytes = lambda x: x.encode('utf-8') if isinstance(x, str) else x
372
+ return [{'text': b''.join(map(_tobytes, map(self.decoder.get, tokens))).decode('utf-8')}]
373
+ _tobytes = lambda x: x.encode('utf-8') if isinstance(x, str) else x
374
+ val = b''.join(map(_tobytes, map(self.decoder.get, tokens[1:-1]))).decode('utf-8')
375
+ return [{key: val}]
376
+
377
+ return _replace_closed_tag(
378
+ token_ids,
379
+ (self.img_start_id, self.ref_start_id, self.box_start_id, self.quad_start_id),
380
+ (self.img_end_id, self.ref_end_id, self.box_end_id, self.quad_end_id),
381
+ _encode_vl_info,
382
+ _encode_vl_info,
383
+ )
384
+
385
+ def from_list_format(self, list_format: List[Dict]):
386
+ text = ''
387
+ num_images = 0
388
+ for ele in list_format:
389
+ if 'image' in ele:
390
+ num_images += 1
391
+ text += f'Picture {num_images}:'
392
+ text += self.image_start_tag + ele['image'] + self.image_end_tag
393
+ text += '\n'
394
+ elif 'text' in ele:
395
+ text += ele['text']
396
+ elif 'box' in ele:
397
+ if 'ref' in ele:
398
+ text += self.ref_start_tag + ele['ref'] + self.ref_end_tag
399
+ for box in ele['box']:
400
+ text += self.box_start_tag + '(%d,%d),(%d,%d)' % (box[0], box[1], box[2], box[3]) + self.box_end_tag
401
+ else:
402
+ raise ValueError("Unsupport element: " + str(ele))
403
+ return text
404
+
405
+ def _fetch_latest_picture(self, response, history):
406
+ if history is None:
407
+ history = []
408
+ _history = history + [(response, None)]
409
+ for q, r in _history[::-1]:
410
+ for ele in self.to_list_format(q)[::-1]:
411
+ if 'image' in ele:
412
+ return ele['image']
413
+ return None
414
+
415
+ def _fetch_all_box_with_ref(self, text):
416
+ list_format = self.to_list_format(text)
417
+ output = []
418
+ for i, ele in enumerate(list_format):
419
+ if 'box' in ele:
420
+ bbox = tuple(map(int, ele['box'].replace('(', '').replace(')', '').split(',')))
421
+ assert len(bbox) == 4
422
+ output.append({'box': bbox})
423
+ if i > 0 and 'ref' in list_format[i-1]:
424
+ output[-1]['ref'] = list_format[i-1]['ref'].strip()
425
+ return output
426
+
427
+ def draw_bbox_on_latest_picture(
428
+ self,
429
+ response,
430
+ history=None,
431
+ ) -> Optional[Image.Image]:
432
+ image = self._fetch_latest_picture(response, history)
433
+ if image is None:
434
+ return None
435
+ if image.startswith("http://") or image.startswith("https://"):
436
+ image = Image.open(requests.get(image, stream=True).raw).convert("RGB")
437
+ h, w = image.height, image.width
438
+ else:
439
+ image = np.asarray(Image.open(image).convert("RGB"))
440
+ h, w = image.shape[0], image.shape[1]
441
+ visualizer = Visualizer(image)
442
+
443
+ boxes = self._fetch_all_box_with_ref(response)
444
+ if not boxes:
445
+ return None
446
+ color = random.choice([_ for _ in mcolors.TABLEAU_COLORS.keys()]) # init color
447
+ for box in boxes:
448
+ if 'ref' in box: # random new color for new refexps
449
+ color = random.choice([_ for _ in mcolors.TABLEAU_COLORS.keys()])
450
+ x1, y1, x2, y2 = box['box']
451
+ x1, y1, x2, y2 = (int(x1 / 1000 * w), int(y1 / 1000 * h), int(x2 / 1000 * w), int(y2 / 1000 * h))
452
+ visualizer.draw_box((x1, y1, x2, y2), alpha=1, edge_color=color)
453
+ if 'ref' in box:
454
+ visualizer.draw_text(box['ref'], (x1, y1), color=color, horizontal_alignment="left")
455
+ return visualizer.output
456
+
457
+
458
+ import colorsys
459
+ import logging
460
+ import math
461
+ import numpy as np
462
+ import matplotlib as mpl
463
+ import matplotlib.colors as mplc
464
+ import matplotlib.figure as mplfigure
465
+ import torch
466
+ from matplotlib.backends.backend_agg import FigureCanvasAgg
467
+ from PIL import Image
468
+ import random
469
+
470
+ logger = logging.getLogger(__name__)
471
+
472
+
473
+ class VisImage:
474
+ def __init__(self, img, scale=1.0):
475
+ self.img = img
476
+ self.scale = scale
477
+ self.width, self.height = img.shape[1], img.shape[0]
478
+ self._setup_figure(img)
479
+
480
+ def _setup_figure(self, img):
481
+ fig = mplfigure.Figure(frameon=False)
482
+ self.dpi = fig.get_dpi()
483
+ # add a small 1e-2 to avoid precision lost due to matplotlib's truncation
484
+ # (https://github.com/matplotlib/matplotlib/issues/15363)
485
+ fig.set_size_inches(
486
+ (self.width * self.scale + 1e-2) / self.dpi,
487
+ (self.height * self.scale + 1e-2) / self.dpi,
488
+ )
489
+ self.canvas = FigureCanvasAgg(fig)
490
+ # self.canvas = mpl.backends.backend_cairo.FigureCanvasCairo(fig)
491
+ ax = fig.add_axes([0.0, 0.0, 1.0, 1.0])
492
+ ax.axis("off")
493
+ self.fig = fig
494
+ self.ax = ax
495
+ self.reset_image(img)
496
+
497
+ def reset_image(self, img):
498
+ img = img.astype("uint8")
499
+ self.ax.imshow(img, extent=(0, self.width, self.height, 0), interpolation="nearest")
500
+
501
+ def save(self, filepath):
502
+ self.fig.savefig(filepath)
503
+
504
+ def get_image(self):
505
+ canvas = self.canvas
506
+ s, (width, height) = canvas.print_to_buffer()
507
+
508
+ buffer = np.frombuffer(s, dtype="uint8")
509
+
510
+ img_rgba = buffer.reshape(height, width, 4)
511
+ rgb, alpha = np.split(img_rgba, [3], axis=2)
512
+ return rgb.astype("uint8")
513
+
514
+
515
+ class Visualizer:
516
+ def __init__(self, img_rgb, metadata=None, scale=1.0):
517
+ self.img = np.asarray(img_rgb).clip(0, 255).astype(np.uint8)
518
+ self.font_path = try_to_load_from_cache("Qwen/Qwen-VL-Chat", "SimSun.ttf")
519
+ self.output = VisImage(self.img, scale=scale)
520
+ self.cpu_device = torch.device("cpu")
521
+
522
+ # too small texts are useless, therefore clamp to 14
523
+ self._default_font_size = max(
524
+ np.sqrt(self.output.height * self.output.width) // 30, 15 // scale
525
+ )
526
+
527
+ def draw_text(
528
+ self,
529
+ text,
530
+ position,
531
+ *,
532
+ font_size=None,
533
+ color="g",
534
+ horizontal_alignment="center",
535
+ rotation=0,
536
+ ):
537
+ if not font_size:
538
+ font_size = self._default_font_size
539
+
540
+ # since the text background is dark, we don't want the text to be dark
541
+ color = np.maximum(list(mplc.to_rgb(color)), 0.2)
542
+ color[np.argmax(color)] = max(0.8, np.max(color))
543
+
544
+ x, y = position
545
+ self.output.ax.text(
546
+ x,
547
+ y,
548
+ text,
549
+ size=font_size * self.output.scale,
550
+ fontproperties=FontProperties(fname=self.font_path),
551
+ bbox={"facecolor": "black", "alpha": 0.8, "pad": 0.7, "edgecolor": "none"},
552
+ verticalalignment="top",
553
+ horizontalalignment=horizontal_alignment,
554
+ color=color,
555
+ zorder=10,
556
+ rotation=rotation,
557
+ )
558
+ return self.output
559
+
560
+ def draw_box(self, box_coord, alpha=0.5, edge_color="g", line_style="-"):
561
+
562
+ x0, y0, x1, y1 = box_coord
563
+ width = x1 - x0
564
+ height = y1 - y0
565
+
566
+ linewidth = max(self._default_font_size / 4, 1)
567
+
568
+ self.output.ax.add_patch(
569
+ mpl.patches.Rectangle(
570
+ (x0, y0),
571
+ width,
572
+ height,
573
+ fill=False,
574
+ edgecolor=edge_color,
575
+ linewidth=linewidth * self.output.scale,
576
+ alpha=alpha,
577
+ linestyle=line_style,
578
+ )
579
+ )
580
+ return self.output
581
+
582
+ def get_output(self):
583
+
584
+ return self.output
tokenizer_config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "model_max_length": 8192,
3
+ "tokenizer_class": "QWenTokenizer",
4
+ "auto_map": {
5
+ "AutoTokenizer": [
6
+ "tokenization_qwen.QWenTokenizer",
7
+ null
8
+ ]
9
+ }
10
+ }