ZhiCheng0326 commited on
Commit
74e41b9
·
1 Parent(s): bb67496

initialize

Browse files
Files changed (50) hide show
  1. config.json +43 -0
  2. configuration.json +1 -0
  3. configuration_chatglm.py +58 -0
  4. generation_config.json +13 -0
  5. modeling_chatglm.py +1141 -0
  6. pytorch_model-0-of-41.bin +3 -0
  7. pytorch_model-1-of-41.bin +3 -0
  8. pytorch_model-10-of-41.bin +3 -0
  9. pytorch_model-11-of-41.bin +3 -0
  10. pytorch_model-12-of-41.bin +3 -0
  11. pytorch_model-13-of-41.bin +3 -0
  12. pytorch_model-14-of-41.bin +3 -0
  13. pytorch_model-15-of-41.bin +3 -0
  14. pytorch_model-16-of-41.bin +3 -0
  15. pytorch_model-17-of-41.bin +3 -0
  16. pytorch_model-18-of-41.bin +3 -0
  17. pytorch_model-19-of-41.bin +3 -0
  18. pytorch_model-2-of-41.bin +3 -0
  19. pytorch_model-20-of-41.bin +3 -0
  20. pytorch_model-21-of-41.bin +3 -0
  21. pytorch_model-22-of-41.bin +3 -0
  22. pytorch_model-23-of-41.bin +3 -0
  23. pytorch_model-24-of-41.bin +3 -0
  24. pytorch_model-25-of-41.bin +3 -0
  25. pytorch_model-26-of-41.bin +3 -0
  26. pytorch_model-27-of-41.bin +3 -0
  27. pytorch_model-28-of-41.bin +3 -0
  28. pytorch_model-29-of-41.bin +3 -0
  29. pytorch_model-3-of-41.bin +3 -0
  30. pytorch_model-30-of-41.bin +3 -0
  31. pytorch_model-31-of-41.bin +3 -0
  32. pytorch_model-32-of-41.bin +3 -0
  33. pytorch_model-33-of-41.bin +3 -0
  34. pytorch_model-34-of-41.bin +3 -0
  35. pytorch_model-35-of-41.bin +3 -0
  36. pytorch_model-36-of-41.bin +3 -0
  37. pytorch_model-37-of-41.bin +3 -0
  38. pytorch_model-38-of-41.bin +3 -0
  39. pytorch_model-39-of-41.bin +3 -0
  40. pytorch_model-4-of-41.bin +3 -0
  41. pytorch_model-40-of-41.bin +3 -0
  42. pytorch_model-5-of-41.bin +3 -0
  43. pytorch_model-6-of-41.bin +3 -0
  44. pytorch_model-7-of-41.bin +3 -0
  45. pytorch_model-8-of-41.bin +3 -0
  46. pytorch_model-9-of-41.bin +3 -0
  47. pytorch_model.bin.index.json +1 -0
  48. tokenization_chatglm.py +324 -0
  49. tokenizer.model +3 -0
  50. tokenizer_config.json +133 -0
config.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "THUDM/glm-4-9b",
3
+ "model_type": "chatglm",
4
+ "architectures": [
5
+ "ChatGLMModel"
6
+ ],
7
+ "auto_map": {
8
+ "AutoConfig": "configuration_chatglm.ChatGLMConfig",
9
+ "AutoModel": "modeling_chatglm.ChatGLMForConditionalGeneration",
10
+ "AutoModelForCausalLM": "modeling_chatglm.ChatGLMForConditionalGeneration",
11
+ "AutoModelForSeq2SeqLM": "modeling_chatglm.ChatGLMForConditionalGeneration",
12
+ "AutoModelForSequenceClassification": "modeling_chatglm.ChatGLMForSequenceClassification"
13
+ },
14
+ "add_bias_linear": false,
15
+ "add_qkv_bias": true,
16
+ "apply_query_key_layer_scaling": true,
17
+ "apply_residual_connection_post_layernorm": false,
18
+ "attention_dropout": 0.0,
19
+ "attention_softmax_in_fp32": true,
20
+ "attn_implementation": "sdpa",
21
+ "bias_dropout_fusion": true,
22
+ "ffn_hidden_size": 13696,
23
+ "fp32_residual_connection": false,
24
+ "hidden_dropout": 0.0,
25
+ "hidden_size": 4096,
26
+ "kv_channels": 128,
27
+ "layernorm_epsilon": 0.00000015625,
28
+ "multi_query_attention": true,
29
+ "multi_query_group_num": 2,
30
+ "num_attention_heads": 32,
31
+ "num_layers": 40,
32
+ "original_rope": true,
33
+ "padded_vocab_size": 151552,
34
+ "post_layer_norm": true,
35
+ "rmsnorm": true,
36
+ "seq_length": 8192,
37
+ "use_cache": true,
38
+ "torch_dtype": "bfloat16",
39
+ "transformers_version": "4.44.0",
40
+ "tie_word_embeddings": false,
41
+ "eos_token_id": [151329, 151336, 151338],
42
+ "pad_token_id": 151329
43
+ }
configuration.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"framework":"Pytorch","task":"nli"}
configuration_chatglm.py ADDED
@@ -0,0 +1,58 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from transformers import PretrainedConfig
2
+
3
+
4
+ class ChatGLMConfig(PretrainedConfig):
5
+ model_type = "chatglm"
6
+
7
+ def __init__(
8
+ self,
9
+ num_layers=28,
10
+ padded_vocab_size=65024,
11
+ hidden_size=4096,
12
+ ffn_hidden_size=13696,
13
+ kv_channels=128,
14
+ num_attention_heads=32,
15
+ seq_length=2048,
16
+ hidden_dropout=0.0,
17
+ classifier_dropout=None,
18
+ attention_dropout=0.0,
19
+ layernorm_epsilon=1e-5,
20
+ rmsnorm=True,
21
+ apply_residual_connection_post_layernorm=False,
22
+ post_layer_norm=True,
23
+ add_bias_linear=False,
24
+ add_qkv_bias=False,
25
+ bias_dropout_fusion=True,
26
+ multi_query_attention=False,
27
+ multi_query_group_num=1,
28
+ rope_ratio=1,
29
+ apply_query_key_layer_scaling=True,
30
+ attention_softmax_in_fp32=True,
31
+ fp32_residual_connection=False,
32
+ **kwargs
33
+ ):
34
+ self.num_layers = num_layers
35
+ self.vocab_size = padded_vocab_size
36
+ self.padded_vocab_size = padded_vocab_size
37
+ self.hidden_size = hidden_size
38
+ self.ffn_hidden_size = ffn_hidden_size
39
+ self.kv_channels = kv_channels
40
+ self.num_attention_heads = num_attention_heads
41
+ self.seq_length = seq_length
42
+ self.hidden_dropout = hidden_dropout
43
+ self.classifier_dropout = classifier_dropout
44
+ self.attention_dropout = attention_dropout
45
+ self.layernorm_epsilon = layernorm_epsilon
46
+ self.rmsnorm = rmsnorm
47
+ self.apply_residual_connection_post_layernorm = apply_residual_connection_post_layernorm
48
+ self.post_layer_norm = post_layer_norm
49
+ self.add_bias_linear = add_bias_linear
50
+ self.add_qkv_bias = add_qkv_bias
51
+ self.bias_dropout_fusion = bias_dropout_fusion
52
+ self.multi_query_attention = multi_query_attention
53
+ self.multi_query_group_num = multi_query_group_num
54
+ self.rope_ratio = rope_ratio
55
+ self.apply_query_key_layer_scaling = apply_query_key_layer_scaling
56
+ self.attention_softmax_in_fp32 = attention_softmax_in_fp32
57
+ self.fp32_residual_connection = fp32_residual_connection
58
+ super().__init__(**kwargs)
generation_config.json ADDED
@@ -0,0 +1,13 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "eos_token_id": [
3
+ 151329,
4
+ 151336,
5
+ 151338
6
+ ],
7
+ "pad_token_id": 151329,
8
+ "do_sample": true,
9
+ "temperature": 0.8,
10
+ "max_length": 8192,
11
+ "top_p": 0.8,
12
+ "transformers_version": "4.44.0"
13
+ }
modeling_chatglm.py ADDED
@@ -0,0 +1,1141 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """ PyTorch ChatGLM model. """
2
+ import json
3
+ import math
4
+ import copy
5
+ import warnings
6
+ import re
7
+ import sys
8
+
9
+ import torch
10
+ import torch.utils.checkpoint
11
+ import torch.nn.functional as F
12
+ from torch import nn
13
+ from torch.nn import CrossEntropyLoss, LayerNorm, MSELoss, BCEWithLogitsLoss
14
+ from torch.nn.utils import skip_init
15
+ from typing import Optional, Tuple, Union, List, Callable, Dict, Any
16
+ from copy import deepcopy
17
+
18
+ from transformers.modeling_outputs import (
19
+ BaseModelOutputWithPast,
20
+ CausalLMOutputWithPast,
21
+ SequenceClassifierOutputWithPast,
22
+ )
23
+ from transformers.modeling_utils import PreTrainedModel
24
+ from transformers.utils import logging, is_torch_npu_available
25
+ from transformers.generation.logits_process import LogitsProcessor
26
+ from transformers.generation.utils import LogitsProcessorList, StoppingCriteriaList, GenerationConfig, ModelOutput
27
+
28
+ from .configuration_chatglm import ChatGLMConfig
29
+
30
+ try:
31
+ from transformers.utils import is_flash_attn_greater_or_equal_2_10, is_flash_attn_2_available
32
+ if is_flash_attn_2_available():
33
+ from flash_attn import flash_attn_func, flash_attn_varlen_func
34
+ from flash_attn.bert_padding import index_first_axis, pad_input, unpad_input # noqa
35
+ except:
36
+ pass
37
+
38
+
39
+ # flags required to enable jit fusion kernels
40
+
41
+ if sys.platform != 'darwin' and not is_torch_npu_available():
42
+ torch._C._jit_set_profiling_mode(False)
43
+ torch._C._jit_set_profiling_executor(False)
44
+ torch._C._jit_override_can_fuse_on_cpu(True)
45
+ torch._C._jit_override_can_fuse_on_gpu(True)
46
+
47
+ logger = logging.get_logger(__name__)
48
+
49
+ _CHECKPOINT_FOR_DOC = "THUDM/ChatGLM"
50
+ _CONFIG_FOR_DOC = "ChatGLMConfig"
51
+
52
+
53
+ def default_init(cls, *args, **kwargs):
54
+ return cls(*args, **kwargs)
55
+
56
+
57
+ class InvalidScoreLogitsProcessor(LogitsProcessor):
58
+ def __call__(self, input_ids: torch.LongTensor, scores: torch.FloatTensor) -> torch.FloatTensor:
59
+ if torch.isnan(scores).any() or torch.isinf(scores).any():
60
+ scores.zero_()
61
+ scores[..., 198] = 5e4
62
+ return scores
63
+
64
+
65
+ def split_tensor_along_last_dim(
66
+ tensor: torch.Tensor,
67
+ num_partitions: int,
68
+ contiguous_split_chunks: bool = False,
69
+ ) -> List[torch.Tensor]:
70
+ """Split a tensor along its last dimension.
71
+
72
+ Arguments:
73
+ tensor: input tensor.
74
+ num_partitions: number of partitions to split the tensor
75
+ contiguous_split_chunks: If True, make each chunk contiguous
76
+ in memory.
77
+
78
+ Returns:
79
+ A list of Tensors
80
+ """
81
+ # Get the size and dimension.
82
+ last_dim = tensor.dim() - 1
83
+ last_dim_size = tensor.size()[last_dim] // num_partitions
84
+ # Split.
85
+ tensor_list = torch.split(tensor, last_dim_size, dim=last_dim)
86
+ # Note: torch.split does not create contiguous tensors by default.
87
+ if contiguous_split_chunks:
88
+ return tuple(chunk.contiguous() for chunk in tensor_list)
89
+
90
+ return tensor_list
91
+
92
+
93
+ class RotaryEmbedding(nn.Module):
94
+ def __init__(self, dim, rope_ratio=1, original_impl=False, device=None, dtype=None):
95
+ super().__init__()
96
+ inv_freq = 1.0 / (10000 ** (torch.arange(0, dim, 2, device=device).to(dtype=dtype) / dim))
97
+ self.register_buffer("inv_freq", inv_freq)
98
+ self.dim = dim
99
+ self.original_impl = original_impl
100
+ self.rope_ratio = rope_ratio
101
+
102
+ def forward_impl(
103
+ self, seq_len: int, n_elem: int, dtype: torch.dtype, device: torch.device, base: int = 10000
104
+ ):
105
+ """Enhanced Transformer with Rotary Position Embedding.
106
+
107
+ Derived from: https://github.com/labmlai/annotated_deep_learning_paper_implementations/blob/master/labml_nn/
108
+ transformers/rope/__init__.py. MIT License:
109
+ https://github.com/labmlai/annotated_deep_learning_paper_implementations/blob/master/license.
110
+ """
111
+ # $\Theta = {\theta_i = 10000^{\frac{2(i-1)}{d}}, i \in [1, 2, ..., \frac{d}{2}]}$
112
+ base = base * self.rope_ratio
113
+ theta = 1.0 / (base ** (torch.arange(0, n_elem, 2, dtype=torch.float, device=device) / n_elem))
114
+
115
+ # Create position indexes `[0, 1, ..., seq_len - 1]`
116
+ seq_idx = torch.arange(seq_len, dtype=torch.float, device=device)
117
+
118
+ # Calculate the product of position index and $\theta_i$
119
+ idx_theta = torch.outer(seq_idx, theta).float()
120
+
121
+ cache = torch.stack([torch.cos(idx_theta), torch.sin(idx_theta)], dim=-1)
122
+
123
+ # this is to mimic the behaviour of complex32, else we will get different results
124
+ if dtype in (torch.float16, torch.bfloat16, torch.int8):
125
+ cache = cache.bfloat16() if dtype == torch.bfloat16 else cache.half()
126
+ return cache
127
+
128
+ def forward(self, max_seq_len, offset=0):
129
+ return self.forward_impl(
130
+ max_seq_len, self.dim, dtype=self.inv_freq.dtype, device=self.inv_freq.device
131
+ )
132
+
133
+
134
+ @torch.jit.script
135
+ def apply_rotary_pos_emb(x: torch.Tensor, rope_cache: torch.Tensor) -> torch.Tensor:
136
+ # x: [b, np, sq, hn]
137
+ b, np, sq, hn = x.size(0), x.size(1), x.size(2), x.size(3)
138
+ rot_dim = rope_cache.shape[-2] * 2
139
+ x, x_pass = x[..., :rot_dim], x[..., rot_dim:]
140
+ # truncate to support variable sizes
141
+ rope_cache = rope_cache[:, :sq]
142
+ xshaped = x.reshape(b, np, sq, rot_dim // 2, 2)
143
+ rope_cache = rope_cache.view(-1, 1, sq, xshaped.size(3), 2)
144
+ x_out2 = torch.stack(
145
+ [
146
+ xshaped[..., 0] * rope_cache[..., 0] - xshaped[..., 1] * rope_cache[..., 1],
147
+ xshaped[..., 1] * rope_cache[..., 0] + xshaped[..., 0] * rope_cache[..., 1],
148
+ ],
149
+ -1,
150
+ )
151
+ x_out2 = x_out2.flatten(3)
152
+ return torch.cat((x_out2, x_pass), dim=-1)
153
+
154
+
155
+ class RMSNorm(torch.nn.Module):
156
+ def __init__(self, normalized_shape, eps=1e-5, device=None, dtype=None, **kwargs):
157
+ super().__init__()
158
+ self.weight = torch.nn.Parameter(torch.empty(normalized_shape, device=device, dtype=dtype))
159
+ self.eps = eps
160
+
161
+ def forward(self, hidden_states: torch.Tensor):
162
+ input_dtype = hidden_states.dtype
163
+ variance = hidden_states.to(torch.float32).pow(2).mean(-1, keepdim=True)
164
+ hidden_states = hidden_states * torch.rsqrt(variance + self.eps)
165
+
166
+ return (self.weight * hidden_states).to(input_dtype)
167
+
168
+
169
+ class CoreAttention(torch.nn.Module):
170
+ def __init__(self, config: ChatGLMConfig, layer_number):
171
+ super(CoreAttention, self).__init__()
172
+ self.config = config
173
+ self.apply_query_key_layer_scaling = config.apply_query_key_layer_scaling
174
+ self.attention_softmax_in_fp32 = config.attention_softmax_in_fp32
175
+ if self.apply_query_key_layer_scaling:
176
+ self.attention_softmax_in_fp32 = True
177
+ self.layer_number = max(1, layer_number)
178
+ self.is_causal = True
179
+
180
+ projection_size = config.kv_channels * config.num_attention_heads
181
+
182
+ # Per attention head and per partition values.
183
+ self.hidden_size_per_partition = projection_size
184
+ self.hidden_size_per_attention_head = projection_size // config.num_attention_heads
185
+ self.num_attention_heads_per_partition = config.num_attention_heads
186
+
187
+ coeff = None
188
+ self.norm_factor = math.sqrt(self.hidden_size_per_attention_head)
189
+ if self.apply_query_key_layer_scaling:
190
+ coeff = self.layer_number
191
+ self.norm_factor *= coeff
192
+ self.coeff = coeff
193
+
194
+ self.attention_dropout = torch.nn.Dropout(config.attention_dropout)
195
+
196
+ def forward(self, query_layer, key_layer, value_layer, attention_mask):
197
+ # [b, np, sq, sk]
198
+ output_size = (query_layer.size(0), query_layer.size(1), query_layer.size(2), key_layer.size(2))
199
+
200
+ # [b, np, sq, hn] -> [b * np, sq, hn]
201
+ query_layer = query_layer.view(output_size[0] * output_size[1], output_size[2], -1)
202
+ # [b, np, sk, hn] -> [b * np, sk, hn]
203
+ key_layer = key_layer.view(output_size[0] * output_size[1], output_size[3], -1)
204
+
205
+ # preallocting input tensor: [b * np, sq, sk]
206
+ matmul_input_buffer = torch.empty(
207
+ output_size[0] * output_size[1], output_size[2], output_size[3], dtype=query_layer.dtype,
208
+ device=query_layer.device
209
+ )
210
+
211
+ # Raw attention scores. [b * np, sq, sk]
212
+ matmul_result = torch.baddbmm(
213
+ matmul_input_buffer,
214
+ query_layer, # [b * np, sq, hn]
215
+ key_layer.transpose(1, 2), # [b * np, hn, sk]
216
+ beta=0.0,
217
+ alpha=(1.0 / self.norm_factor),
218
+ )
219
+
220
+ # change view to [b, np, sq, sk]
221
+ attention_scores = matmul_result.view(*output_size)
222
+
223
+ # ===========================
224
+ # Attention probs and dropout
225
+ # ===========================
226
+
227
+ # attention scores and attention mask [b, np, sq, sk]
228
+ if self.attention_softmax_in_fp32:
229
+ attention_scores = attention_scores.float()
230
+ if self.coeff is not None:
231
+ attention_scores = attention_scores * self.coeff
232
+ if attention_mask is None and attention_scores.shape[2] == attention_scores.shape[3]:
233
+ attention_mask = torch.ones(output_size[0], 1, output_size[2], output_size[3],
234
+ device=attention_scores.device, dtype=torch.bool)
235
+ attention_mask.tril_()
236
+ attention_mask = ~attention_mask
237
+ if attention_mask is not None:
238
+ attention_scores = attention_scores.masked_fill(attention_mask, float("-inf"))
239
+ attention_probs = F.softmax(attention_scores, dim=-1)
240
+ attention_probs = attention_probs.type_as(value_layer)
241
+
242
+ # This is actually dropping out entire tokens to attend to, which might
243
+ # seem a bit unusual, but is taken from the original Transformer paper.
244
+ attention_probs = self.attention_dropout(attention_probs)
245
+
246
+ # query layer shape: [b * np, sq, hn]
247
+ # value layer shape: [b, np, sk, hn]
248
+ # attention shape: [b, np, sq, sk]
249
+ # context layer shape: [b, np, sq, hn]
250
+ output_size = (value_layer.size(0), value_layer.size(1), query_layer.size(1), value_layer.size(3))
251
+ # change view [b * np, sk, hn]
252
+ value_layer = value_layer.view(output_size[0] * output_size[1], value_layer.size(2), -1)
253
+ # change view [b * np, sq, sk]
254
+ attention_probs = attention_probs.view(output_size[0] * output_size[1], output_size[2], -1)
255
+ # matmul: [b * np, sq, hn]
256
+ context_layer = torch.bmm(attention_probs, value_layer)
257
+ # change view [b, np, sq, hn]
258
+ context_layer = context_layer.view(*output_size)
259
+ # [b, np, sq, hn] --> [b, sq, np, hn]
260
+ context_layer = context_layer.transpose(1, 2).contiguous()
261
+ # [b, sq, np, hn] --> [b, sq, hp]
262
+ new_context_layer_shape = context_layer.size()[:-2] + (self.hidden_size_per_partition,)
263
+ context_layer = context_layer.reshape(*new_context_layer_shape)
264
+
265
+ return context_layer
266
+
267
+
268
+ class SdpaAttention(CoreAttention):
269
+ def forward(self, query_layer, key_layer, value_layer, attention_mask):
270
+ if attention_mask is None and query_layer.shape[2] == key_layer.shape[2]:
271
+ context_layer = torch.nn.functional.scaled_dot_product_attention(query_layer, key_layer, value_layer,
272
+ is_causal=True,
273
+ dropout_p=self.config.attention_dropout if self.training else 0.0)
274
+ else:
275
+ if attention_mask is not None:
276
+ attention_mask = ~attention_mask
277
+ context_layer = torch.nn.functional.scaled_dot_product_attention(query_layer, key_layer, value_layer,
278
+ attention_mask,
279
+ dropout_p=self.config.attention_dropout if self.training else 0.0)
280
+ context_layer = context_layer.transpose(1, 2).contiguous()
281
+ new_context_layer_shape = context_layer.size()[:-2] + (self.hidden_size_per_partition,)
282
+ context_layer = context_layer.reshape(*new_context_layer_shape)
283
+ return context_layer
284
+
285
+
286
+ def _get_unpad_data(attention_mask):
287
+ seqlens_in_batch = attention_mask.sum(dim=-1, dtype=torch.int32)
288
+ indices = torch.nonzero(attention_mask.flatten(), as_tuple=False).flatten()
289
+ max_seqlen_in_batch = seqlens_in_batch.max().item()
290
+ cu_seqlens = F.pad(torch.cumsum(seqlens_in_batch, dim=0, dtype=torch.int32), (1, 0))
291
+ return (
292
+ indices,
293
+ cu_seqlens,
294
+ max_seqlen_in_batch,
295
+ )
296
+
297
+
298
+ # Copied from transformers.models.llama.modeling_llama.LlamaFlashAttention2
299
+ class FlashAttention2(CoreAttention):
300
+ def __init__(self, *args, **kwargs):
301
+ super().__init__(*args, **kwargs)
302
+ self._flash_attn_uses_top_left_mask = not is_flash_attn_greater_or_equal_2_10()
303
+
304
+ def forward(self, query_states, key_states, value_states, attention_mask):
305
+ query_states = query_states.transpose(1, 2)
306
+ key_states = key_states.transpose(1, 2)
307
+ value_states = value_states.transpose(1, 2)
308
+ batch_size, query_length = query_states.shape[:2]
309
+ if not self._flash_attn_uses_top_left_mask:
310
+ causal = self.is_causal
311
+ else:
312
+ # TODO: Remove the `query_length != 1` check once Flash Attention for RoCm is bumped to 2.1. For details, please see the comment in LlamaFlashAttention2 __init__.
313
+ causal = self.is_causal and query_length != 1
314
+ dropout = self.config.attention_dropout if self.training else 0.0
315
+ # Contains at least one padding token in the sequence
316
+ if attention_mask is not None:
317
+ query_states, key_states, value_states, indices_q, cu_seq_lens, max_seq_lens = self._upad_input(
318
+ query_states, key_states, value_states, attention_mask, query_length
319
+ )
320
+
321
+ cu_seqlens_q, cu_seqlens_k = cu_seq_lens
322
+ max_seqlen_in_batch_q, max_seqlen_in_batch_k = max_seq_lens
323
+
324
+ attn_output_unpad = flash_attn_varlen_func(
325
+ query_states,
326
+ key_states,
327
+ value_states,
328
+ cu_seqlens_q=cu_seqlens_q,
329
+ cu_seqlens_k=cu_seqlens_k,
330
+ max_seqlen_q=max_seqlen_in_batch_q,
331
+ max_seqlen_k=max_seqlen_in_batch_k,
332
+ dropout_p=dropout,
333
+ softmax_scale=None,
334
+ causal=causal,
335
+ )
336
+
337
+ attn_output = pad_input(attn_output_unpad, indices_q, batch_size, query_length)
338
+ else:
339
+ attn_output = flash_attn_func(
340
+ query_states, key_states, value_states, dropout, softmax_scale=None, causal=causal
341
+ )
342
+ attn_output = attn_output.reshape(batch_size, query_length, self.hidden_size_per_partition).contiguous()
343
+ return attn_output
344
+
345
+ def _upad_input(self, query_layer, key_layer, value_layer, attention_mask, query_length):
346
+ indices_k, cu_seqlens_k, max_seqlen_in_batch_k = _get_unpad_data(attention_mask)
347
+ batch_size, kv_seq_len, num_key_value_heads, head_dim = key_layer.shape
348
+
349
+ key_layer = index_first_axis(
350
+ key_layer.reshape(batch_size * kv_seq_len, num_key_value_heads, head_dim), indices_k
351
+ )
352
+ value_layer = index_first_axis(
353
+ value_layer.reshape(batch_size * kv_seq_len, num_key_value_heads, head_dim), indices_k
354
+ )
355
+ if query_length == kv_seq_len:
356
+ query_layer = index_first_axis(
357
+ query_layer.reshape(batch_size * kv_seq_len, self.num_attention_heads_per_partition, head_dim), indices_k
358
+ )
359
+ cu_seqlens_q = cu_seqlens_k
360
+ max_seqlen_in_batch_q = max_seqlen_in_batch_k
361
+ indices_q = indices_k
362
+ elif query_length == 1:
363
+ max_seqlen_in_batch_q = 1
364
+ cu_seqlens_q = torch.arange(
365
+ batch_size + 1, dtype=torch.int32, device=query_layer.device
366
+ ) # There is a memcpy here, that is very bad.
367
+ indices_q = cu_seqlens_q[:-1]
368
+ query_layer = query_layer.squeeze(1)
369
+ else:
370
+ # The -q_len: slice assumes left padding.
371
+ attention_mask = attention_mask[:, -query_length:]
372
+ query_layer, indices_q, cu_seqlens_q, max_seqlen_in_batch_q = unpad_input(query_layer, attention_mask)
373
+
374
+ return (
375
+ query_layer,
376
+ key_layer,
377
+ value_layer,
378
+ indices_q,
379
+ (cu_seqlens_q, cu_seqlens_k),
380
+ (max_seqlen_in_batch_q, max_seqlen_in_batch_k),
381
+ )
382
+
383
+
384
+ CORE_ATTENTION_CLASSES = {
385
+ "eager": CoreAttention,
386
+ "sdpa": SdpaAttention,
387
+ "flash_attention_2": FlashAttention2
388
+ }
389
+
390
+
391
+ class SelfAttention(torch.nn.Module):
392
+ """Parallel self-attention layer abstract class.
393
+
394
+ Self-attention layer takes input with size [s, b, h]
395
+ and returns output of the same size.
396
+ """
397
+
398
+ def __init__(self, config: ChatGLMConfig, layer_number, device=None):
399
+ super(SelfAttention, self).__init__()
400
+ self.layer_number = max(1, layer_number)
401
+
402
+ self.projection_size = config.kv_channels * config.num_attention_heads
403
+
404
+ # Per attention head and per partition values.
405
+ self.hidden_size_per_attention_head = self.projection_size // config.num_attention_heads
406
+ self.num_attention_heads_per_partition = config.num_attention_heads
407
+
408
+ self.multi_query_attention = config.multi_query_attention
409
+ self.qkv_hidden_size = 3 * self.projection_size
410
+ if self.multi_query_attention:
411
+ self.num_multi_query_groups_per_partition = config.multi_query_group_num
412
+ self.qkv_hidden_size = (
413
+ self.projection_size + 2 * self.hidden_size_per_attention_head * config.multi_query_group_num
414
+ )
415
+ self.query_key_value = nn.Linear(config.hidden_size, self.qkv_hidden_size,
416
+ bias=config.add_bias_linear or config.add_qkv_bias,
417
+ device=device, **_config_to_kwargs(config)
418
+ )
419
+
420
+ self.core_attention = CORE_ATTENTION_CLASSES[config._attn_implementation](config, self.layer_number)
421
+
422
+ # Output.
423
+ self.dense = nn.Linear(self.projection_size, config.hidden_size, bias=config.add_bias_linear,
424
+ device=device, **_config_to_kwargs(config)
425
+ )
426
+
427
+ def _allocate_memory(self, inference_max_sequence_len, batch_size, device=None, dtype=None):
428
+ if self.multi_query_attention:
429
+ num_attention_heads = self.num_multi_query_groups_per_partition
430
+ else:
431
+ num_attention_heads = self.num_attention_heads_per_partition
432
+ return torch.empty(
433
+ inference_max_sequence_len,
434
+ batch_size,
435
+ num_attention_heads,
436
+ self.hidden_size_per_attention_head,
437
+ dtype=dtype,
438
+ device=device,
439
+ )
440
+
441
+ def forward(
442
+ self, hidden_states, attention_mask, rotary_pos_emb, kv_cache=None, use_cache=True
443
+ ):
444
+ # hidden_states: [b, sq, h]
445
+
446
+ # =================================================
447
+ # Pre-allocate memory for key-values for inference.
448
+ # =================================================
449
+ # =====================
450
+ # Query, Key, and Value
451
+ # =====================
452
+
453
+ # Attention heads [b, sq, h] --> [b, sq, (np * 3 * hn)]
454
+ mixed_x_layer = self.query_key_value(hidden_states)
455
+
456
+ if self.multi_query_attention:
457
+ (query_layer, key_layer, value_layer) = mixed_x_layer.split(
458
+ [
459
+ self.num_attention_heads_per_partition * self.hidden_size_per_attention_head,
460
+ self.num_multi_query_groups_per_partition * self.hidden_size_per_attention_head,
461
+ self.num_multi_query_groups_per_partition * self.hidden_size_per_attention_head,
462
+ ],
463
+ dim=-1,
464
+ )
465
+ query_layer = query_layer.view(
466
+ query_layer.size()[:-1] + (self.num_attention_heads_per_partition, self.hidden_size_per_attention_head)
467
+ )
468
+ key_layer = key_layer.view(
469
+ key_layer.size()[:-1] + (self.num_multi_query_groups_per_partition, self.hidden_size_per_attention_head)
470
+ )
471
+ value_layer = value_layer.view(
472
+ value_layer.size()[:-1]
473
+ + (self.num_multi_query_groups_per_partition, self.hidden_size_per_attention_head)
474
+ )
475
+ else:
476
+ new_tensor_shape = mixed_x_layer.size()[:-1] + \
477
+ (self.num_attention_heads_per_partition,
478
+ 3 * self.hidden_size_per_attention_head)
479
+ mixed_x_layer = mixed_x_layer.view(*new_tensor_shape)
480
+
481
+ # [b, sq, np, 3 * hn] --> 3 [b, sq, np, hn]
482
+ (query_layer, key_layer, value_layer) = split_tensor_along_last_dim(mixed_x_layer, 3)
483
+
484
+ # [b, sq, np, hn] -> [b, np, sq, hn]
485
+ query_layer, key_layer, value_layer = [k.transpose(1, 2) for k in [query_layer, key_layer, value_layer]]
486
+
487
+ # apply relative positional encoding (rotary embedding)
488
+ if rotary_pos_emb is not None:
489
+ query_layer = apply_rotary_pos_emb(query_layer, rotary_pos_emb)
490
+ key_layer = apply_rotary_pos_emb(key_layer, rotary_pos_emb)
491
+
492
+ # adjust key and value for inference
493
+ if kv_cache is not None:
494
+ cache_k, cache_v = kv_cache
495
+ key_layer = torch.cat((cache_k, key_layer), dim=2)
496
+ value_layer = torch.cat((cache_v, value_layer), dim=2)
497
+ if use_cache:
498
+ if kv_cache is None:
499
+ kv_cache = torch.cat((key_layer.unsqueeze(0).unsqueeze(0), value_layer.unsqueeze(0).unsqueeze(0)),
500
+ dim=1)
501
+ else:
502
+ kv_cache = (key_layer, value_layer)
503
+ else:
504
+ kv_cache = None
505
+
506
+ if self.multi_query_attention:
507
+ key_layer = key_layer.unsqueeze(2)
508
+ key_layer = key_layer.expand(
509
+ -1, -1, self.num_attention_heads_per_partition // self.num_multi_query_groups_per_partition, -1, -1
510
+ )
511
+ key_layer = key_layer.contiguous().view(
512
+ key_layer.size()[:1] + (self.num_attention_heads_per_partition,) + key_layer.size()[3:]
513
+ )
514
+ value_layer = value_layer.unsqueeze(2)
515
+ value_layer = value_layer.expand(
516
+ -1, -1, self.num_attention_heads_per_partition // self.num_multi_query_groups_per_partition, -1, -1
517
+ )
518
+ value_layer = value_layer.contiguous().view(
519
+ value_layer.size()[:1] + (self.num_attention_heads_per_partition,) + value_layer.size()[3:]
520
+ )
521
+
522
+ # ==================================
523
+ # core attention computation
524
+ # ==================================
525
+
526
+ context_layer = self.core_attention(query_layer, key_layer, value_layer, attention_mask)
527
+
528
+ # =================
529
+ # Output. [sq, b, h]
530
+ # =================
531
+
532
+ output = self.dense(context_layer)
533
+
534
+ return output, kv_cache
535
+
536
+
537
+ def _config_to_kwargs(args):
538
+ common_kwargs = {
539
+ "dtype": args.torch_dtype,
540
+ }
541
+ return common_kwargs
542
+
543
+
544
+ class MLP(torch.nn.Module):
545
+ """MLP.
546
+
547
+ MLP will take the input with h hidden state, project it to 4*h
548
+ hidden dimension, perform nonlinear transformation, and project the
549
+ state back into h hidden dimension.
550
+ """
551
+
552
+ def __init__(self, config: ChatGLMConfig, device=None):
553
+ super(MLP, self).__init__()
554
+
555
+ self.add_bias = config.add_bias_linear
556
+
557
+ # Project to 4h. If using swiglu double the output width, see https://arxiv.org/pdf/2002.05202.pdf
558
+ self.dense_h_to_4h = nn.Linear(
559
+ config.hidden_size,
560
+ config.ffn_hidden_size * 2,
561
+ bias=self.add_bias,
562
+ device=device,
563
+ **_config_to_kwargs(config)
564
+ )
565
+
566
+ def swiglu(x):
567
+ x = torch.chunk(x, 2, dim=-1)
568
+ return F.silu(x[0]) * x[1]
569
+
570
+ self.activation_func = swiglu
571
+
572
+ # Project back to h.
573
+ self.dense_4h_to_h = nn.Linear(
574
+ config.ffn_hidden_size,
575
+ config.hidden_size,
576
+ bias=self.add_bias,
577
+ device=device,
578
+ **_config_to_kwargs(config)
579
+ )
580
+
581
+ def forward(self, hidden_states):
582
+ # [s, b, 4hp]
583
+ intermediate_parallel = self.dense_h_to_4h(hidden_states)
584
+ intermediate_parallel = self.activation_func(intermediate_parallel)
585
+ # [s, b, h]
586
+ output = self.dense_4h_to_h(intermediate_parallel)
587
+ return output
588
+
589
+
590
+ class GLMBlock(torch.nn.Module):
591
+ """A single transformer layer.
592
+
593
+ Transformer layer takes input with size [s, b, h] and returns an
594
+ output of the same size.
595
+ """
596
+
597
+ def __init__(self, config: ChatGLMConfig, layer_number, device=None):
598
+ super(GLMBlock, self).__init__()
599
+ self.layer_number = layer_number
600
+
601
+ self.apply_residual_connection_post_layernorm = config.apply_residual_connection_post_layernorm
602
+
603
+ self.fp32_residual_connection = config.fp32_residual_connection
604
+
605
+ LayerNormFunc = RMSNorm if config.rmsnorm else LayerNorm
606
+ # Layernorm on the input data.
607
+ self.input_layernorm = LayerNormFunc(config.hidden_size, eps=config.layernorm_epsilon, device=device,
608
+ dtype=config.torch_dtype)
609
+
610
+ # Self attention.
611
+ self.self_attention = SelfAttention(config, layer_number, device=device)
612
+ self.hidden_dropout = config.hidden_dropout
613
+
614
+ # Layernorm on the attention output
615
+ self.post_attention_layernorm = LayerNormFunc(config.hidden_size, eps=config.layernorm_epsilon, device=device,
616
+ dtype=config.torch_dtype)
617
+
618
+ # MLP
619
+ self.mlp = MLP(config, device=device)
620
+
621
+ def forward(
622
+ self, hidden_states, attention_mask, rotary_pos_emb, kv_cache=None, use_cache=True,
623
+ ):
624
+ # hidden_states: [s, b, h]
625
+
626
+ # Layer norm at the beginning of the transformer layer.
627
+ layernorm_output = self.input_layernorm(hidden_states)
628
+ # Self attention.
629
+ attention_output, kv_cache = self.self_attention(
630
+ layernorm_output,
631
+ attention_mask,
632
+ rotary_pos_emb,
633
+ kv_cache=kv_cache,
634
+ use_cache=use_cache
635
+ )
636
+
637
+ # Residual connection.
638
+ if self.apply_residual_connection_post_layernorm:
639
+ residual = layernorm_output
640
+ else:
641
+ residual = hidden_states
642
+
643
+ layernorm_input = torch.nn.functional.dropout(attention_output, p=self.hidden_dropout, training=self.training)
644
+ layernorm_input = residual + layernorm_input
645
+
646
+ # Layer norm post the self attention.
647
+ layernorm_output = self.post_attention_layernorm(layernorm_input)
648
+
649
+ # MLP.
650
+ mlp_output = self.mlp(layernorm_output)
651
+
652
+ # Second residual connection.
653
+ if self.apply_residual_connection_post_layernorm:
654
+ residual = layernorm_output
655
+ else:
656
+ residual = layernorm_input
657
+
658
+ output = torch.nn.functional.dropout(mlp_output, p=self.hidden_dropout, training=self.training)
659
+ output = residual + output
660
+
661
+ return output, kv_cache
662
+
663
+
664
+ class GLMTransformer(torch.nn.Module):
665
+ """Transformer class."""
666
+
667
+ def __init__(self, config: ChatGLMConfig, device=None):
668
+ super(GLMTransformer, self).__init__()
669
+
670
+ self.fp32_residual_connection = config.fp32_residual_connection
671
+ self.post_layer_norm = config.post_layer_norm
672
+
673
+ # Number of layers.
674
+ self.num_layers = config.num_layers
675
+
676
+ # Transformer layers.
677
+ def build_layer(layer_number):
678
+ return GLMBlock(config, layer_number, device=device)
679
+
680
+ self.layers = torch.nn.ModuleList([build_layer(i + 1) for i in range(self.num_layers)])
681
+
682
+ if self.post_layer_norm:
683
+ LayerNormFunc = RMSNorm if config.rmsnorm else LayerNorm
684
+ # Final layer norm before output.
685
+ self.final_layernorm = LayerNormFunc(config.hidden_size, eps=config.layernorm_epsilon, device=device,
686
+ dtype=config.torch_dtype)
687
+
688
+ self.gradient_checkpointing = False
689
+
690
+ def _get_layer(self, layer_number):
691
+ return self.layers[layer_number]
692
+
693
+ def forward(
694
+ self, hidden_states, attention_mask, rotary_pos_emb, kv_caches=None,
695
+ use_cache: Optional[bool] = True,
696
+ output_hidden_states: Optional[bool] = False,
697
+ ):
698
+ if not kv_caches:
699
+ kv_caches = [None for _ in range(self.num_layers)]
700
+ presents = () if use_cache else None
701
+ if self.gradient_checkpointing and self.training:
702
+ if use_cache:
703
+ logger.warning_once(
704
+ "`use_cache=True` is incompatible with gradient checkpointing. Setting `use_cache=False`..."
705
+ )
706
+ use_cache = False
707
+
708
+ all_self_attentions = None
709
+ all_hidden_states = () if output_hidden_states else None
710
+ for index in range(self.num_layers):
711
+ if output_hidden_states:
712
+ all_hidden_states = all_hidden_states + (hidden_states,)
713
+
714
+ layer = self._get_layer(index)
715
+ if self.gradient_checkpointing and self.training:
716
+ layer_ret = torch.utils.checkpoint.checkpoint(
717
+ layer,
718
+ hidden_states,
719
+ attention_mask,
720
+ rotary_pos_emb,
721
+ kv_caches[index],
722
+ use_cache,
723
+ use_reentrant=False
724
+ )
725
+ else:
726
+ layer_ret = layer(
727
+ hidden_states,
728
+ attention_mask,
729
+ rotary_pos_emb,
730
+ kv_cache=kv_caches[index],
731
+ use_cache=use_cache
732
+ )
733
+ hidden_states, kv_cache = layer_ret
734
+ if use_cache:
735
+ # token by token decoding, use tuple format
736
+ if kv_caches[0] is not None:
737
+ presents = presents + (kv_cache,)
738
+ # prefilling in decoding, use tensor format to save cuda memory
739
+ else:
740
+ if len(presents) == 0:
741
+ presents = kv_cache
742
+ else:
743
+ presents = torch.cat((presents, kv_cache.to(presents.device)), dim=0)
744
+
745
+ if output_hidden_states:
746
+ all_hidden_states = all_hidden_states + (hidden_states,)
747
+
748
+ # Final layer norm.
749
+ if self.post_layer_norm:
750
+ hidden_states = self.final_layernorm(hidden_states)
751
+
752
+ return hidden_states, presents, all_hidden_states, all_self_attentions
753
+
754
+
755
+ class ChatGLMPreTrainedModel(PreTrainedModel):
756
+ """
757
+ An abstract class to handle weights initialization and
758
+ a simple interface for downloading and loading pretrained models.
759
+ """
760
+
761
+ is_parallelizable = False
762
+ supports_gradient_checkpointing = True
763
+ config_class = ChatGLMConfig
764
+ base_model_prefix = "transformer"
765
+ _no_split_modules = ["GLMBlock"]
766
+ _supports_flash_attn_2 = True
767
+ _supports_sdpa = True
768
+
769
+ def _init_weights(self, module: nn.Module):
770
+ """Initialize the weights."""
771
+ return
772
+
773
+ def get_masks(self, input_ids, past_key_values, padding_mask=None):
774
+ if self.config._attn_implementation == "flash_attention_2":
775
+ if padding_mask is not None and not padding_mask.all():
776
+ return padding_mask
777
+ return None
778
+ batch_size, seq_length = input_ids.shape
779
+ full_attention_mask = torch.ones(batch_size, seq_length, seq_length, device=input_ids.device)
780
+ full_attention_mask.tril_()
781
+ past_length = 0
782
+ if past_key_values:
783
+ past_length = past_key_values[0][0].shape[2]
784
+ if past_length:
785
+ full_attention_mask = torch.cat((torch.ones(batch_size, seq_length, past_length,
786
+ device=input_ids.device), full_attention_mask), dim=-1)
787
+ if padding_mask is not None:
788
+ full_attention_mask = full_attention_mask * padding_mask.unsqueeze(1)
789
+ if not past_length and padding_mask is not None:
790
+ full_attention_mask -= padding_mask.unsqueeze(-1) - 1
791
+ full_attention_mask = (full_attention_mask < 0.5).bool()
792
+ full_attention_mask.unsqueeze_(1)
793
+ return full_attention_mask
794
+
795
+ def get_position_ids(self, input_ids, device):
796
+ batch_size, seq_length = input_ids.shape
797
+ position_ids = torch.arange(seq_length, dtype=torch.long, device=device).unsqueeze(0).repeat(batch_size, 1)
798
+ return position_ids
799
+
800
+ class Embedding(torch.nn.Module):
801
+ """Language model embeddings."""
802
+
803
+ def __init__(self, config: ChatGLMConfig, device=None):
804
+ super(Embedding, self).__init__()
805
+
806
+ self.hidden_size = config.hidden_size
807
+ # Word embeddings (parallel).
808
+ self.word_embeddings = nn.Embedding(
809
+ config.padded_vocab_size,
810
+ self.hidden_size,
811
+ dtype=config.torch_dtype,
812
+ device=device
813
+ )
814
+ self.fp32_residual_connection = config.fp32_residual_connection
815
+
816
+ def forward(self, input_ids):
817
+ # Embeddings.
818
+ words_embeddings = self.word_embeddings(input_ids)
819
+ embeddings = words_embeddings
820
+ # If the input flag for fp32 residual connection is set, convert for float.
821
+ if self.fp32_residual_connection:
822
+ embeddings = embeddings.float()
823
+ return embeddings
824
+
825
+
826
+ class ChatGLMModel(ChatGLMPreTrainedModel):
827
+ def __init__(self, config: ChatGLMConfig, device=None, empty_init=True):
828
+ super().__init__(config)
829
+ if empty_init:
830
+ init_method = skip_init
831
+ else:
832
+ init_method = default_init
833
+ init_kwargs = {}
834
+ if device is not None:
835
+ init_kwargs["device"] = device
836
+ self.embedding = init_method(Embedding, config, **init_kwargs)
837
+ self.num_layers = config.num_layers
838
+ self.multi_query_group_num = config.multi_query_group_num
839
+ self.kv_channels = config.kv_channels
840
+
841
+ # Rotary positional embeddings
842
+ self.seq_length = config.seq_length
843
+ rotary_dim = (
844
+ config.hidden_size // config.num_attention_heads if config.kv_channels is None else config.kv_channels
845
+ )
846
+
847
+ self.rotary_pos_emb = RotaryEmbedding(rotary_dim // 2, rope_ratio=config.rope_ratio,
848
+ original_impl=config.original_rope,
849
+ device=device, dtype=config.torch_dtype)
850
+ self.encoder = init_method(GLMTransformer, config, **init_kwargs)
851
+ self.output_layer = init_method(nn.Linear, config.hidden_size, config.padded_vocab_size, bias=False,
852
+ dtype=config.torch_dtype, **init_kwargs)
853
+
854
+ def get_input_embeddings(self):
855
+ return self.embedding.word_embeddings
856
+
857
+ def set_input_embeddings(self, value):
858
+ self.embedding.word_embeddings = value
859
+
860
+ def forward(
861
+ self,
862
+ input_ids,
863
+ position_ids: Optional[torch.Tensor] = None,
864
+ attention_mask: Optional[torch.BoolTensor] = None,
865
+ full_attention_mask: Optional[torch.BoolTensor] = None,
866
+ past_key_values: Optional[Tuple[Tuple[torch.Tensor, torch.Tensor], ...]] = None,
867
+ inputs_embeds: Optional[torch.Tensor] = None,
868
+ use_cache: Optional[bool] = None,
869
+ output_attentions: Optional[bool] = None,
870
+ output_hidden_states: Optional[bool] = None,
871
+ return_dict: Optional[bool] = None,
872
+ ):
873
+ output_hidden_states = (
874
+ output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states
875
+ )
876
+ use_cache = use_cache if use_cache is not None else self.config.use_cache
877
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
878
+
879
+ batch_size, seq_length = input_ids.shape
880
+
881
+ if inputs_embeds is None:
882
+ inputs_embeds = self.embedding(input_ids)
883
+
884
+ if full_attention_mask is None:
885
+ if (attention_mask is not None and not attention_mask.all()) or (past_key_values and seq_length != 1):
886
+ full_attention_mask = self.get_masks(input_ids, past_key_values, padding_mask=attention_mask)
887
+
888
+ # Rotary positional embeddings
889
+ rotary_pos_emb = self.rotary_pos_emb(self.seq_length)
890
+ if position_ids is not None:
891
+ rotary_pos_emb = rotary_pos_emb[position_ids]
892
+ else:
893
+ rotary_pos_emb = rotary_pos_emb[None, :seq_length]
894
+
895
+ # Run encoder.
896
+ hidden_states, presents, all_hidden_states, all_self_attentions = self.encoder(
897
+ inputs_embeds, full_attention_mask, rotary_pos_emb=rotary_pos_emb,
898
+ kv_caches=past_key_values, use_cache=use_cache, output_hidden_states=output_hidden_states
899
+ )
900
+ if presents is not None and type(presents) is torch.Tensor:
901
+ presents = presents.split(1, dim=0)
902
+ presents = list(presents)
903
+ presents = [list(x.squeeze(0).split(1, dim=0)) for x in presents]
904
+ presents = [tuple([x.squeeze(0) for x in y]) for y in presents]
905
+ presents = tuple(presents)
906
+
907
+ if not return_dict:
908
+ return tuple(v for v in [hidden_states, presents, all_hidden_states, all_self_attentions] if v is not None)
909
+
910
+ return BaseModelOutputWithPast(
911
+ last_hidden_state=hidden_states,
912
+ past_key_values=presents,
913
+ hidden_states=all_hidden_states,
914
+ attentions=all_self_attentions,
915
+ )
916
+
917
+
918
+ class ChatGLMForConditionalGeneration(ChatGLMPreTrainedModel):
919
+ def __init__(self, config: ChatGLMConfig, empty_init=True, device=None):
920
+ super().__init__(config)
921
+
922
+ self.max_sequence_length = config.max_length
923
+ self.transformer = ChatGLMModel(config, empty_init=empty_init, device=device)
924
+ self.config = config
925
+
926
+ def _update_model_kwargs_for_generation(
927
+ self,
928
+ outputs: ModelOutput,
929
+ model_kwargs: Dict[str, Any],
930
+ is_encoder_decoder: bool = False,
931
+ ) -> Dict[str, Any]:
932
+ # update past_key_values
933
+ cache_name, cache = self._extract_past_from_model_output(outputs)
934
+ model_kwargs[cache_name] = cache
935
+
936
+ # update attention mask
937
+ if "attention_mask" in model_kwargs:
938
+ attention_mask = model_kwargs["attention_mask"]
939
+ model_kwargs["attention_mask"] = torch.cat(
940
+ [attention_mask, attention_mask.new_ones((attention_mask.shape[0], 1))], dim=-1
941
+ )
942
+
943
+ # update position ids
944
+ if "position_ids" in model_kwargs:
945
+ position_ids = model_kwargs["position_ids"]
946
+ new_position_id = position_ids[..., -1:].clone()
947
+ new_position_id += 1
948
+ model_kwargs["position_ids"] = torch.cat(
949
+ [position_ids, new_position_id], dim=-1
950
+ )
951
+
952
+ model_kwargs["is_first_forward"] = False
953
+ return model_kwargs
954
+
955
+ def prepare_inputs_for_generation(
956
+ self,
957
+ input_ids: torch.LongTensor,
958
+ past_key_values: Optional[torch.Tensor] = None,
959
+ attention_mask: Optional[torch.Tensor] = None,
960
+ position_ids: Optional[torch.Tensor] = None,
961
+ use_cache: Optional[bool] = None,
962
+ is_first_forward: bool = True,
963
+ **kwargs
964
+ ) -> dict:
965
+ # only last token for input_ids if past is not None
966
+ if position_ids is None:
967
+ position_ids = self.get_position_ids(input_ids, device=input_ids.device)
968
+ if not is_first_forward:
969
+ if past_key_values is not None:
970
+ position_ids = position_ids[..., -1:]
971
+ input_ids = input_ids[:, -1:]
972
+ return {
973
+ "input_ids": input_ids,
974
+ "past_key_values": past_key_values,
975
+ "position_ids": position_ids,
976
+ "attention_mask": attention_mask,
977
+ "return_last_logit": True,
978
+ "use_cache": use_cache
979
+ }
980
+
981
+ def forward(
982
+ self,
983
+ input_ids: Optional[torch.Tensor] = None,
984
+ position_ids: Optional[torch.Tensor] = None,
985
+ attention_mask: Optional[torch.Tensor] = None,
986
+ past_key_values: Optional[Tuple[torch.FloatTensor]] = None,
987
+ inputs_embeds: Optional[torch.Tensor] = None,
988
+ labels: Optional[torch.Tensor] = None,
989
+ use_cache: Optional[bool] = None,
990
+ output_attentions: Optional[bool] = None,
991
+ output_hidden_states: Optional[bool] = None,
992
+ return_dict: Optional[bool] = None,
993
+ return_last_logit: Optional[bool] = False,
994
+ ):
995
+ use_cache = use_cache if use_cache is not None else self.config.use_cache
996
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
997
+
998
+ transformer_outputs = self.transformer(
999
+ input_ids=input_ids,
1000
+ position_ids=position_ids,
1001
+ attention_mask=attention_mask,
1002
+ past_key_values=past_key_values,
1003
+ inputs_embeds=inputs_embeds,
1004
+ use_cache=use_cache,
1005
+ output_hidden_states=output_hidden_states,
1006
+ return_dict=return_dict,
1007
+ )
1008
+
1009
+ hidden_states = transformer_outputs[0]
1010
+ if return_last_logit:
1011
+ hidden_states = hidden_states[:, -1:]
1012
+ lm_logits = self.transformer.output_layer(hidden_states)
1013
+
1014
+ loss = None
1015
+ if labels is not None:
1016
+ lm_logits = lm_logits.to(torch.float32)
1017
+
1018
+ # Shift so that tokens < n predict n
1019
+ shift_logits = lm_logits[..., :-1, :].contiguous()
1020
+ shift_labels = labels[..., 1:].contiguous()
1021
+ # Flatten the tokens
1022
+ loss_fct = CrossEntropyLoss(ignore_index=-100)
1023
+ loss = loss_fct(shift_logits.view(-1, shift_logits.size(-1)), shift_labels.view(-1))
1024
+
1025
+ lm_logits = lm_logits.to(hidden_states.dtype)
1026
+ loss = loss.to(hidden_states.dtype)
1027
+
1028
+ if not return_dict:
1029
+ output = (lm_logits,) + transformer_outputs[1:]
1030
+ return ((loss,) + output) if loss is not None else output
1031
+
1032
+ return CausalLMOutputWithPast(
1033
+ loss=loss,
1034
+ logits=lm_logits,
1035
+ past_key_values=transformer_outputs.past_key_values,
1036
+ hidden_states=transformer_outputs.hidden_states,
1037
+ attentions=transformer_outputs.attentions,
1038
+ )
1039
+
1040
+ @staticmethod
1041
+ def _reorder_cache(
1042
+ past: Tuple[Tuple[torch.Tensor, torch.Tensor], ...], beam_idx: torch.LongTensor
1043
+ ) -> Tuple[Tuple[torch.Tensor, torch.Tensor], ...]:
1044
+ """
1045
+ This function is used to re-order the `past_key_values` cache if [`~PreTrainedModel.beam_search`] or
1046
+ [`~PreTrainedModel.beam_sample`] is called. This is required to match `past_key_values` with the correct
1047
+ beam_idx at every generation step.
1048
+
1049
+ Output shares the same memory storage as `past`.
1050
+ """
1051
+ return tuple(
1052
+ (
1053
+ layer_past[0].index_select(0, beam_idx.to(layer_past[0].device)),
1054
+ layer_past[1].index_select(0, beam_idx.to(layer_past[1].device)),
1055
+ )
1056
+ for layer_past in past
1057
+ )
1058
+
1059
+ class ChatGLMForSequenceClassification(ChatGLMPreTrainedModel):
1060
+ def __init__(self, config: ChatGLMConfig, empty_init=True, device=None):
1061
+ super().__init__(config)
1062
+
1063
+ self.num_labels = config.num_labels
1064
+ self.transformer = ChatGLMModel(config, empty_init=empty_init, device=device)
1065
+
1066
+ self.classifier_head = nn.Linear(config.hidden_size, config.num_labels, bias=True, dtype=config.torch_dtype)
1067
+ if config.classifier_dropout is not None:
1068
+ self.dropout = nn.Dropout(config.classifier_dropout)
1069
+ else:
1070
+ self.dropout = None
1071
+ self.config = config
1072
+
1073
+ def forward(
1074
+ self,
1075
+ input_ids: Optional[torch.LongTensor] = None,
1076
+ position_ids: Optional[torch.LongTensor] = None,
1077
+ attention_mask: Optional[torch.Tensor] = None,
1078
+ full_attention_mask: Optional[torch.Tensor] = None,
1079
+ past_key_values: Optional[Tuple[Tuple[torch.Tensor, torch.Tensor], ...]] = None,
1080
+ inputs_embeds: Optional[torch.LongTensor] = None,
1081
+ labels: Optional[torch.LongTensor] = None,
1082
+ use_cache: Optional[bool] = None,
1083
+ output_attentions: Optional[bool] = None,
1084
+ output_hidden_states: Optional[bool] = None,
1085
+ return_dict: Optional[bool] = None,
1086
+ ) -> Union[Tuple[torch.Tensor, ...], SequenceClassifierOutputWithPast]:
1087
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
1088
+
1089
+ transformer_outputs = self.transformer(
1090
+ input_ids=input_ids,
1091
+ position_ids=position_ids,
1092
+ attention_mask=attention_mask,
1093
+ full_attention_mask=full_attention_mask,
1094
+ past_key_values=past_key_values,
1095
+ inputs_embeds=inputs_embeds,
1096
+ use_cache=use_cache,
1097
+ output_attentions=output_attentions,
1098
+ output_hidden_states=output_hidden_states,
1099
+ return_dict=return_dict,
1100
+ )
1101
+
1102
+ hidden_states = transformer_outputs[0]
1103
+ pooled_hidden_states = hidden_states[:, -1]
1104
+ if self.dropout is not None:
1105
+ pooled_hidden_states = self.dropout(pooled_hidden_states)
1106
+ logits = self.classifier_head(pooled_hidden_states)
1107
+
1108
+ loss = None
1109
+ if labels is not None:
1110
+ if self.config.problem_type is None:
1111
+ if self.num_labels == 1:
1112
+ self.config.problem_type = "regression"
1113
+ elif self.num_labels > 1 and (labels.dtype == torch.long or labels.dtype == torch.int):
1114
+ self.config.problem_type = "single_label_classification"
1115
+ else:
1116
+ self.config.problem_type = "multi_label_classification"
1117
+
1118
+ if self.config.problem_type == "regression":
1119
+ loss_fct = MSELoss()
1120
+ if self.num_labels == 1:
1121
+ loss = loss_fct(logits.squeeze().float(), labels.squeeze())
1122
+ else:
1123
+ loss = loss_fct(logits.float(), labels)
1124
+ elif self.config.problem_type == "single_label_classification":
1125
+ loss_fct = CrossEntropyLoss()
1126
+ loss = loss_fct(logits.view(-1, self.num_labels).float(), labels.view(-1))
1127
+ elif self.config.problem_type == "multi_label_classification":
1128
+ loss_fct = BCEWithLogitsLoss()
1129
+ loss = loss_fct(logits.float(), labels.view(-1, self.num_labels))
1130
+
1131
+ if not return_dict:
1132
+ output = (logits,) + transformer_outputs[1:]
1133
+ return ((loss,) + output) if loss is not None else output
1134
+
1135
+ return SequenceClassifierOutputWithPast(
1136
+ loss=loss,
1137
+ logits=logits,
1138
+ past_key_values=transformer_outputs.past_key_values,
1139
+ hidden_states=transformer_outputs.hidden_states,
1140
+ attentions=transformer_outputs.attentions,
1141
+ )
pytorch_model-0-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d72eda64d41d900b6d16741e235fabc3a2cbdd43fc9aa3c137997906f0e5492a
3
+ size 464024040
pytorch_model-1-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:53a6ed4a39bba2ffeada2a6147dae28a071ebd9f999ff20a0c8aa35733d24aac
3
+ size 464024040
pytorch_model-10-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b79105e8b65e87d76a358c69269c3256e7fba8c2118dd267beea8b980f9c38b0
3
+ size 464024180
pytorch_model-11-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e43f0d1aef8c9460dbdd76ccf9a0e69d056a4e54e6f7b6a276dbe595cbdb51a2
3
+ size 464024180
pytorch_model-12-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e873a58e195c672c67403cf7c7fb0eff6c9754d6e64b4b6a16095c4a5eef75e5
3
+ size 464024180
pytorch_model-13-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f5aed410a2c5f6ea5d0106eafd84ae009369eec7739cdbd46c87e70b8ff4f147
3
+ size 464024180
pytorch_model-14-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7bd59c9f2bb70b4ed6f6cfd2b48f57dfe4c8c4493fa81cc6377aeaae676d80fb
3
+ size 464024180
pytorch_model-15-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bb182e86b1b564b99362859097d2e347ad984a021a0cbc1ab4ae7e166342da7a
3
+ size 464024180
pytorch_model-16-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3c9bb5d103d71c9ff3ab48293901e07f688db392cf7a4e110aa5b07c7324d5a7
3
+ size 464024180
pytorch_model-17-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a277a57105d114a58172d3cc68bf02b9e7c63876207f521b5ecd96c66ebdabc2
3
+ size 464024180
pytorch_model-18-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:765585d269c46d10e24c6ed3e8f22e17a6922b714ff0f1cee650f9c1e018f650
3
+ size 464024180
pytorch_model-19-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f0a181d517af978a7ed363dcc86b7540c205b843798c88f378be5b12938fce13
3
+ size 464024180
pytorch_model-2-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0a81c6f6b39433458e23e8abeab295e9960597a6719b75039c98961ddf5f1a67
3
+ size 464024040
pytorch_model-20-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:af88d95bc26d315e6c3ebb6f9cd14e175a9dd254184604bce43b4f84b42a6612
3
+ size 464024180
pytorch_model-21-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fb3dcfe440f6ded390197de95c4f787c4fde42fd1ee3fc1e940bd10f5a194e42
3
+ size 464024180
pytorch_model-22-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:afbf4b98e08e23a0adbfaa196dfd30030ff694b81ff049fcda34e81d1be066b0
3
+ size 464024180
pytorch_model-23-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7d9cf575b4cb14df44ac552ae91f93f58aa3251c9a86f764b3325a61a2e6e7fe
3
+ size 464024180
pytorch_model-24-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c4fc799c33bdc2ed83173fc59d8cc3796e489d4433a3b227e704797aa99c063f
3
+ size 464024180
pytorch_model-25-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4bb4ea5bae51fd0b274f7a6757ef715f345e3bec7160a5a8365604c85d96a587
3
+ size 464024180
pytorch_model-26-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:789e5d08bcd49386f2294ca3d921a0e471ec5ad1361ed3f7a74b3b57f3726822
3
+ size 464024180
pytorch_model-27-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0ac63ae984687ed9b96850e59163908a789af5ca53ef9602fbad6fb2fe13784a
3
+ size 464024180
pytorch_model-28-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:89e1860aef43fc26a1cea9466ad17bd5c2ad07799bb1427e94184f38a7da529c
3
+ size 464024180
pytorch_model-29-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fab6164e94d108c1332c17756437cf118079d578f7513726c94ed99c798647d6
3
+ size 464024180
pytorch_model-3-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:921aad4b329c5fb0d6bbe2c462a2fe3f76b1b3a629b1a05363e895aea81e367c
3
+ size 464024040
pytorch_model-30-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9ed71fd62b5087a8bdaa162e888bc7292a1782a0271f5a4c65a78d3ab8dfa6a9
3
+ size 464024180
pytorch_model-31-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:66f380ef4513ba004e6c555fff3bf7071f3ba81083ca1117f6ca2f5f03fe5f21
3
+ size 464024180
pytorch_model-32-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:eb04266620519c4b8a58bf058464eebc53d2bfe45f25f6660cee16700ba1692c
3
+ size 464024180
pytorch_model-33-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:de0176154ef7a44d8df5f5b1171117d59f1ac81813763a145d15fe3288aa771c
3
+ size 464024180
pytorch_model-34-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:71baa9b4b2ce9b525d6589c45aaa1b81ce22f9082359422d621015c3c0b15e14
3
+ size 464024180
pytorch_model-35-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b00d804064110d2aa7680c7f15e3ecd2fc4818550559ab9a6c3f80bba73deb41
3
+ size 464024180
pytorch_model-36-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9cf7f1aadf68c83aa3b47ae146d27e05796e3b5abf50ec8305dbc42357d81397
3
+ size 464024180
pytorch_model-37-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5479b27e5a44f07360155158013cebfb0618237d53f90c678326306485a8aa57
3
+ size 464024180
pytorch_model-38-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4f7fc9f6359b522a0eb997128690297e23ae82916eb64337d4b9b0487b21a943
3
+ size 464024180
pytorch_model-39-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:029a14298c01a6dc4a06a66c295b8e0943538c4f864e11437a1c36f1fadc45a5
3
+ size 464024180
pytorch_model-4-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1e4b26e714b191ef842ec04254a84530d60d18f61d82667f2bedb429ead41680
3
+ size 464024040
pytorch_model-40-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:63445972d7bc7c0d3b9f092958532c352792e289b8e5650a6e6ad74dd0e6fe68
3
+ size 2483038141
pytorch_model-5-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c4f486d3a3366c402bdc0c5b7e7e2c3d0b37f90d9945833f3eb14b78017338f7
3
+ size 464024040
pytorch_model-6-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:04047fb27b17926d7938a951a7791f5c8d713415fad74bbe53f06d99f43bcf50
3
+ size 464024040
pytorch_model-7-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a20c45a56d75b3a091dd76e644609a9663804e62174da9d16fdbbe610f2f8df3
3
+ size 464024040
pytorch_model-8-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8fc7ad7f30cb9b327c18e4e7f10719d25b856d0d14d3d1d7460b7b0c6feef68a
3
+ size 464024040
pytorch_model-9-of-41.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:544f7302c68020ffa7ba763f59705274b6cbaa4ea060d73922bfc4dd3cd6ea2d
3
+ size 464024040
pytorch_model.bin.index.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"weight_map": {"transformer.encoder.layers.0.input_layernorm.weight": "pytorch_model-0-of-41.bin", "transformer.encoder.layers.0.post_attention_layernorm.weight": "pytorch_model-0-of-41.bin", "transformer.encoder.layers.0.self_attention.query_key_value.weight": "pytorch_model-0-of-41.bin", "transformer.encoder.layers.0.self_attention.query_key_value.bias": "pytorch_model-0-of-41.bin", "transformer.encoder.layers.0.self_attention.dense.weight": "pytorch_model-0-of-41.bin", "transformer.encoder.layers.0.mlp.dense_h_to_4h.weight": "pytorch_model-0-of-41.bin", "transformer.encoder.layers.0.mlp.dense_4h_to_h.weight": "pytorch_model-0-of-41.bin", "transformer.encoder.layers.0.mlp.dense_4h_to_h.bias": "pytorch_model-0-of-41.bin", "transformer.encoder.layers.1.input_layernorm.weight": "pytorch_model-1-of-41.bin", "transformer.encoder.layers.1.post_attention_layernorm.weight": "pytorch_model-1-of-41.bin", "transformer.encoder.layers.1.self_attention.query_key_value.weight": "pytorch_model-1-of-41.bin", "transformer.encoder.layers.1.self_attention.query_key_value.bias": "pytorch_model-1-of-41.bin", "transformer.encoder.layers.1.self_attention.dense.weight": "pytorch_model-1-of-41.bin", "transformer.encoder.layers.1.mlp.dense_h_to_4h.weight": "pytorch_model-1-of-41.bin", "transformer.encoder.layers.1.mlp.dense_4h_to_h.weight": "pytorch_model-1-of-41.bin", "transformer.encoder.layers.1.mlp.dense_4h_to_h.bias": "pytorch_model-1-of-41.bin", "transformer.encoder.layers.2.input_layernorm.weight": "pytorch_model-2-of-41.bin", "transformer.encoder.layers.2.post_attention_layernorm.weight": "pytorch_model-2-of-41.bin", "transformer.encoder.layers.2.self_attention.query_key_value.weight": "pytorch_model-2-of-41.bin", "transformer.encoder.layers.2.self_attention.query_key_value.bias": "pytorch_model-2-of-41.bin", "transformer.encoder.layers.2.self_attention.dense.weight": "pytorch_model-2-of-41.bin", "transformer.encoder.layers.2.mlp.dense_h_to_4h.weight": "pytorch_model-2-of-41.bin", "transformer.encoder.layers.2.mlp.dense_4h_to_h.weight": "pytorch_model-2-of-41.bin", "transformer.encoder.layers.2.mlp.dense_4h_to_h.bias": "pytorch_model-2-of-41.bin", "transformer.encoder.layers.3.input_layernorm.weight": "pytorch_model-3-of-41.bin", "transformer.encoder.layers.3.post_attention_layernorm.weight": "pytorch_model-3-of-41.bin", "transformer.encoder.layers.3.self_attention.query_key_value.weight": "pytorch_model-3-of-41.bin", "transformer.encoder.layers.3.self_attention.query_key_value.bias": "pytorch_model-3-of-41.bin", "transformer.encoder.layers.3.self_attention.dense.weight": "pytorch_model-3-of-41.bin", "transformer.encoder.layers.3.mlp.dense_h_to_4h.weight": "pytorch_model-3-of-41.bin", "transformer.encoder.layers.3.mlp.dense_4h_to_h.weight": "pytorch_model-3-of-41.bin", "transformer.encoder.layers.3.mlp.dense_4h_to_h.bias": "pytorch_model-3-of-41.bin", "transformer.encoder.layers.4.input_layernorm.weight": "pytorch_model-4-of-41.bin", "transformer.encoder.layers.4.post_attention_layernorm.weight": "pytorch_model-4-of-41.bin", "transformer.encoder.layers.4.self_attention.query_key_value.weight": "pytorch_model-4-of-41.bin", "transformer.encoder.layers.4.self_attention.query_key_value.bias": "pytorch_model-4-of-41.bin", "transformer.encoder.layers.4.self_attention.dense.weight": "pytorch_model-4-of-41.bin", "transformer.encoder.layers.4.mlp.dense_h_to_4h.weight": "pytorch_model-4-of-41.bin", "transformer.encoder.layers.4.mlp.dense_4h_to_h.weight": "pytorch_model-4-of-41.bin", "transformer.encoder.layers.4.mlp.dense_4h_to_h.bias": "pytorch_model-4-of-41.bin", "transformer.encoder.layers.5.input_layernorm.weight": "pytorch_model-5-of-41.bin", "transformer.encoder.layers.5.post_attention_layernorm.weight": "pytorch_model-5-of-41.bin", "transformer.encoder.layers.5.self_attention.query_key_value.weight": "pytorch_model-5-of-41.bin", "transformer.encoder.layers.5.self_attention.query_key_value.bias": "pytorch_model-5-of-41.bin", "transformer.encoder.layers.5.self_attention.dense.weight": "pytorch_model-5-of-41.bin", "transformer.encoder.layers.5.mlp.dense_h_to_4h.weight": "pytorch_model-5-of-41.bin", "transformer.encoder.layers.5.mlp.dense_4h_to_h.weight": "pytorch_model-5-of-41.bin", "transformer.encoder.layers.5.mlp.dense_4h_to_h.bias": "pytorch_model-5-of-41.bin", "transformer.encoder.layers.6.input_layernorm.weight": "pytorch_model-6-of-41.bin", "transformer.encoder.layers.6.post_attention_layernorm.weight": "pytorch_model-6-of-41.bin", "transformer.encoder.layers.6.self_attention.query_key_value.weight": "pytorch_model-6-of-41.bin", "transformer.encoder.layers.6.self_attention.query_key_value.bias": "pytorch_model-6-of-41.bin", "transformer.encoder.layers.6.self_attention.dense.weight": "pytorch_model-6-of-41.bin", "transformer.encoder.layers.6.mlp.dense_h_to_4h.weight": "pytorch_model-6-of-41.bin", "transformer.encoder.layers.6.mlp.dense_4h_to_h.weight": "pytorch_model-6-of-41.bin", "transformer.encoder.layers.6.mlp.dense_4h_to_h.bias": "pytorch_model-6-of-41.bin", "transformer.encoder.layers.7.input_layernorm.weight": "pytorch_model-7-of-41.bin", "transformer.encoder.layers.7.post_attention_layernorm.weight": "pytorch_model-7-of-41.bin", "transformer.encoder.layers.7.self_attention.query_key_value.weight": "pytorch_model-7-of-41.bin", "transformer.encoder.layers.7.self_attention.query_key_value.bias": "pytorch_model-7-of-41.bin", "transformer.encoder.layers.7.self_attention.dense.weight": "pytorch_model-7-of-41.bin", "transformer.encoder.layers.7.mlp.dense_h_to_4h.weight": "pytorch_model-7-of-41.bin", "transformer.encoder.layers.7.mlp.dense_4h_to_h.weight": "pytorch_model-7-of-41.bin", "transformer.encoder.layers.7.mlp.dense_4h_to_h.bias": "pytorch_model-7-of-41.bin", "transformer.encoder.layers.8.input_layernorm.weight": "pytorch_model-8-of-41.bin", "transformer.encoder.layers.8.post_attention_layernorm.weight": "pytorch_model-8-of-41.bin", "transformer.encoder.layers.8.self_attention.query_key_value.weight": "pytorch_model-8-of-41.bin", "transformer.encoder.layers.8.self_attention.query_key_value.bias": "pytorch_model-8-of-41.bin", "transformer.encoder.layers.8.self_attention.dense.weight": "pytorch_model-8-of-41.bin", "transformer.encoder.layers.8.mlp.dense_h_to_4h.weight": "pytorch_model-8-of-41.bin", "transformer.encoder.layers.8.mlp.dense_4h_to_h.weight": "pytorch_model-8-of-41.bin", "transformer.encoder.layers.8.mlp.dense_4h_to_h.bias": "pytorch_model-8-of-41.bin", "transformer.encoder.layers.9.input_layernorm.weight": "pytorch_model-9-of-41.bin", "transformer.encoder.layers.9.post_attention_layernorm.weight": "pytorch_model-9-of-41.bin", "transformer.encoder.layers.9.self_attention.query_key_value.weight": "pytorch_model-9-of-41.bin", "transformer.encoder.layers.9.self_attention.query_key_value.bias": "pytorch_model-9-of-41.bin", "transformer.encoder.layers.9.self_attention.dense.weight": "pytorch_model-9-of-41.bin", "transformer.encoder.layers.9.mlp.dense_h_to_4h.weight": "pytorch_model-9-of-41.bin", "transformer.encoder.layers.9.mlp.dense_4h_to_h.weight": "pytorch_model-9-of-41.bin", "transformer.encoder.layers.9.mlp.dense_4h_to_h.bias": "pytorch_model-9-of-41.bin", "transformer.encoder.layers.10.input_layernorm.weight": "pytorch_model-10-of-41.bin", "transformer.encoder.layers.10.post_attention_layernorm.weight": "pytorch_model-10-of-41.bin", "transformer.encoder.layers.10.self_attention.query_key_value.weight": "pytorch_model-10-of-41.bin", "transformer.encoder.layers.10.self_attention.query_key_value.bias": "pytorch_model-10-of-41.bin", "transformer.encoder.layers.10.self_attention.dense.weight": "pytorch_model-10-of-41.bin", "transformer.encoder.layers.10.mlp.dense_h_to_4h.weight": "pytorch_model-10-of-41.bin", "transformer.encoder.layers.10.mlp.dense_4h_to_h.weight": "pytorch_model-10-of-41.bin", "transformer.encoder.layers.10.mlp.dense_4h_to_h.bias": "pytorch_model-10-of-41.bin", "transformer.encoder.layers.11.input_layernorm.weight": "pytorch_model-11-of-41.bin", "transformer.encoder.layers.11.post_attention_layernorm.weight": "pytorch_model-11-of-41.bin", "transformer.encoder.layers.11.self_attention.query_key_value.weight": "pytorch_model-11-of-41.bin", "transformer.encoder.layers.11.self_attention.query_key_value.bias": "pytorch_model-11-of-41.bin", "transformer.encoder.layers.11.self_attention.dense.weight": "pytorch_model-11-of-41.bin", "transformer.encoder.layers.11.mlp.dense_h_to_4h.weight": "pytorch_model-11-of-41.bin", "transformer.encoder.layers.11.mlp.dense_4h_to_h.weight": "pytorch_model-11-of-41.bin", "transformer.encoder.layers.11.mlp.dense_4h_to_h.bias": "pytorch_model-11-of-41.bin", "transformer.encoder.layers.12.input_layernorm.weight": "pytorch_model-12-of-41.bin", "transformer.encoder.layers.12.post_attention_layernorm.weight": "pytorch_model-12-of-41.bin", "transformer.encoder.layers.12.self_attention.query_key_value.weight": "pytorch_model-12-of-41.bin", "transformer.encoder.layers.12.self_attention.query_key_value.bias": "pytorch_model-12-of-41.bin", "transformer.encoder.layers.12.self_attention.dense.weight": "pytorch_model-12-of-41.bin", "transformer.encoder.layers.12.mlp.dense_h_to_4h.weight": "pytorch_model-12-of-41.bin", "transformer.encoder.layers.12.mlp.dense_4h_to_h.weight": "pytorch_model-12-of-41.bin", "transformer.encoder.layers.12.mlp.dense_4h_to_h.bias": "pytorch_model-12-of-41.bin", "transformer.encoder.layers.13.input_layernorm.weight": "pytorch_model-13-of-41.bin", "transformer.encoder.layers.13.post_attention_layernorm.weight": "pytorch_model-13-of-41.bin", "transformer.encoder.layers.13.self_attention.query_key_value.weight": "pytorch_model-13-of-41.bin", "transformer.encoder.layers.13.self_attention.query_key_value.bias": "pytorch_model-13-of-41.bin", "transformer.encoder.layers.13.self_attention.dense.weight": "pytorch_model-13-of-41.bin", "transformer.encoder.layers.13.mlp.dense_h_to_4h.weight": "pytorch_model-13-of-41.bin", "transformer.encoder.layers.13.mlp.dense_4h_to_h.weight": "pytorch_model-13-of-41.bin", "transformer.encoder.layers.13.mlp.dense_4h_to_h.bias": "pytorch_model-13-of-41.bin", "transformer.encoder.layers.14.input_layernorm.weight": "pytorch_model-14-of-41.bin", "transformer.encoder.layers.14.post_attention_layernorm.weight": "pytorch_model-14-of-41.bin", "transformer.encoder.layers.14.self_attention.query_key_value.weight": "pytorch_model-14-of-41.bin", "transformer.encoder.layers.14.self_attention.query_key_value.bias": "pytorch_model-14-of-41.bin", "transformer.encoder.layers.14.self_attention.dense.weight": "pytorch_model-14-of-41.bin", "transformer.encoder.layers.14.mlp.dense_h_to_4h.weight": "pytorch_model-14-of-41.bin", "transformer.encoder.layers.14.mlp.dense_4h_to_h.weight": "pytorch_model-14-of-41.bin", "transformer.encoder.layers.14.mlp.dense_4h_to_h.bias": "pytorch_model-14-of-41.bin", "transformer.encoder.layers.15.input_layernorm.weight": "pytorch_model-15-of-41.bin", "transformer.encoder.layers.15.post_attention_layernorm.weight": "pytorch_model-15-of-41.bin", "transformer.encoder.layers.15.self_attention.query_key_value.weight": "pytorch_model-15-of-41.bin", "transformer.encoder.layers.15.self_attention.query_key_value.bias": "pytorch_model-15-of-41.bin", "transformer.encoder.layers.15.self_attention.dense.weight": "pytorch_model-15-of-41.bin", "transformer.encoder.layers.15.mlp.dense_h_to_4h.weight": "pytorch_model-15-of-41.bin", "transformer.encoder.layers.15.mlp.dense_4h_to_h.weight": "pytorch_model-15-of-41.bin", "transformer.encoder.layers.15.mlp.dense_4h_to_h.bias": "pytorch_model-15-of-41.bin", "transformer.encoder.layers.16.input_layernorm.weight": "pytorch_model-16-of-41.bin", "transformer.encoder.layers.16.post_attention_layernorm.weight": "pytorch_model-16-of-41.bin", "transformer.encoder.layers.16.self_attention.query_key_value.weight": "pytorch_model-16-of-41.bin", "transformer.encoder.layers.16.self_attention.query_key_value.bias": "pytorch_model-16-of-41.bin", "transformer.encoder.layers.16.self_attention.dense.weight": "pytorch_model-16-of-41.bin", "transformer.encoder.layers.16.mlp.dense_h_to_4h.weight": "pytorch_model-16-of-41.bin", "transformer.encoder.layers.16.mlp.dense_4h_to_h.weight": "pytorch_model-16-of-41.bin", "transformer.encoder.layers.16.mlp.dense_4h_to_h.bias": "pytorch_model-16-of-41.bin", "transformer.encoder.layers.17.input_layernorm.weight": "pytorch_model-17-of-41.bin", "transformer.encoder.layers.17.post_attention_layernorm.weight": "pytorch_model-17-of-41.bin", "transformer.encoder.layers.17.self_attention.query_key_value.weight": "pytorch_model-17-of-41.bin", "transformer.encoder.layers.17.self_attention.query_key_value.bias": "pytorch_model-17-of-41.bin", "transformer.encoder.layers.17.self_attention.dense.weight": "pytorch_model-17-of-41.bin", "transformer.encoder.layers.17.mlp.dense_h_to_4h.weight": "pytorch_model-17-of-41.bin", "transformer.encoder.layers.17.mlp.dense_4h_to_h.weight": "pytorch_model-17-of-41.bin", "transformer.encoder.layers.17.mlp.dense_4h_to_h.bias": "pytorch_model-17-of-41.bin", "transformer.encoder.layers.18.input_layernorm.weight": "pytorch_model-18-of-41.bin", "transformer.encoder.layers.18.post_attention_layernorm.weight": "pytorch_model-18-of-41.bin", "transformer.encoder.layers.18.self_attention.query_key_value.weight": "pytorch_model-18-of-41.bin", "transformer.encoder.layers.18.self_attention.query_key_value.bias": "pytorch_model-18-of-41.bin", "transformer.encoder.layers.18.self_attention.dense.weight": "pytorch_model-18-of-41.bin", "transformer.encoder.layers.18.mlp.dense_h_to_4h.weight": "pytorch_model-18-of-41.bin", "transformer.encoder.layers.18.mlp.dense_4h_to_h.weight": "pytorch_model-18-of-41.bin", "transformer.encoder.layers.18.mlp.dense_4h_to_h.bias": "pytorch_model-18-of-41.bin", "transformer.encoder.layers.19.input_layernorm.weight": "pytorch_model-19-of-41.bin", "transformer.encoder.layers.19.post_attention_layernorm.weight": "pytorch_model-19-of-41.bin", "transformer.encoder.layers.19.self_attention.query_key_value.weight": "pytorch_model-19-of-41.bin", "transformer.encoder.layers.19.self_attention.query_key_value.bias": "pytorch_model-19-of-41.bin", "transformer.encoder.layers.19.self_attention.dense.weight": "pytorch_model-19-of-41.bin", "transformer.encoder.layers.19.mlp.dense_h_to_4h.weight": "pytorch_model-19-of-41.bin", "transformer.encoder.layers.19.mlp.dense_4h_to_h.weight": "pytorch_model-19-of-41.bin", "transformer.encoder.layers.19.mlp.dense_4h_to_h.bias": "pytorch_model-19-of-41.bin", "transformer.encoder.layers.20.input_layernorm.weight": "pytorch_model-20-of-41.bin", "transformer.encoder.layers.20.post_attention_layernorm.weight": "pytorch_model-20-of-41.bin", "transformer.encoder.layers.20.self_attention.query_key_value.weight": "pytorch_model-20-of-41.bin", "transformer.encoder.layers.20.self_attention.query_key_value.bias": "pytorch_model-20-of-41.bin", "transformer.encoder.layers.20.self_attention.dense.weight": "pytorch_model-20-of-41.bin", "transformer.encoder.layers.20.mlp.dense_h_to_4h.weight": "pytorch_model-20-of-41.bin", "transformer.encoder.layers.20.mlp.dense_4h_to_h.weight": "pytorch_model-20-of-41.bin", "transformer.encoder.layers.20.mlp.dense_4h_to_h.bias": "pytorch_model-20-of-41.bin", "transformer.encoder.layers.21.input_layernorm.weight": "pytorch_model-21-of-41.bin", "transformer.encoder.layers.21.post_attention_layernorm.weight": "pytorch_model-21-of-41.bin", "transformer.encoder.layers.21.self_attention.query_key_value.weight": "pytorch_model-21-of-41.bin", "transformer.encoder.layers.21.self_attention.query_key_value.bias": "pytorch_model-21-of-41.bin", "transformer.encoder.layers.21.self_attention.dense.weight": "pytorch_model-21-of-41.bin", "transformer.encoder.layers.21.mlp.dense_h_to_4h.weight": "pytorch_model-21-of-41.bin", "transformer.encoder.layers.21.mlp.dense_4h_to_h.weight": "pytorch_model-21-of-41.bin", "transformer.encoder.layers.21.mlp.dense_4h_to_h.bias": "pytorch_model-21-of-41.bin", "transformer.encoder.layers.22.input_layernorm.weight": "pytorch_model-22-of-41.bin", "transformer.encoder.layers.22.post_attention_layernorm.weight": "pytorch_model-22-of-41.bin", "transformer.encoder.layers.22.self_attention.query_key_value.weight": "pytorch_model-22-of-41.bin", "transformer.encoder.layers.22.self_attention.query_key_value.bias": "pytorch_model-22-of-41.bin", "transformer.encoder.layers.22.self_attention.dense.weight": "pytorch_model-22-of-41.bin", "transformer.encoder.layers.22.mlp.dense_h_to_4h.weight": "pytorch_model-22-of-41.bin", "transformer.encoder.layers.22.mlp.dense_4h_to_h.weight": "pytorch_model-22-of-41.bin", "transformer.encoder.layers.22.mlp.dense_4h_to_h.bias": "pytorch_model-22-of-41.bin", "transformer.encoder.layers.23.input_layernorm.weight": "pytorch_model-23-of-41.bin", "transformer.encoder.layers.23.post_attention_layernorm.weight": "pytorch_model-23-of-41.bin", "transformer.encoder.layers.23.self_attention.query_key_value.weight": "pytorch_model-23-of-41.bin", "transformer.encoder.layers.23.self_attention.query_key_value.bias": "pytorch_model-23-of-41.bin", "transformer.encoder.layers.23.self_attention.dense.weight": "pytorch_model-23-of-41.bin", "transformer.encoder.layers.23.mlp.dense_h_to_4h.weight": "pytorch_model-23-of-41.bin", "transformer.encoder.layers.23.mlp.dense_4h_to_h.weight": "pytorch_model-23-of-41.bin", "transformer.encoder.layers.23.mlp.dense_4h_to_h.bias": "pytorch_model-23-of-41.bin", "transformer.encoder.layers.24.input_layernorm.weight": "pytorch_model-24-of-41.bin", "transformer.encoder.layers.24.post_attention_layernorm.weight": "pytorch_model-24-of-41.bin", "transformer.encoder.layers.24.self_attention.query_key_value.weight": "pytorch_model-24-of-41.bin", "transformer.encoder.layers.24.self_attention.query_key_value.bias": "pytorch_model-24-of-41.bin", "transformer.encoder.layers.24.self_attention.dense.weight": "pytorch_model-24-of-41.bin", "transformer.encoder.layers.24.mlp.dense_h_to_4h.weight": "pytorch_model-24-of-41.bin", "transformer.encoder.layers.24.mlp.dense_4h_to_h.weight": "pytorch_model-24-of-41.bin", "transformer.encoder.layers.24.mlp.dense_4h_to_h.bias": "pytorch_model-24-of-41.bin", "transformer.encoder.layers.25.input_layernorm.weight": "pytorch_model-25-of-41.bin", "transformer.encoder.layers.25.post_attention_layernorm.weight": "pytorch_model-25-of-41.bin", "transformer.encoder.layers.25.self_attention.query_key_value.weight": "pytorch_model-25-of-41.bin", "transformer.encoder.layers.25.self_attention.query_key_value.bias": "pytorch_model-25-of-41.bin", "transformer.encoder.layers.25.self_attention.dense.weight": "pytorch_model-25-of-41.bin", "transformer.encoder.layers.25.mlp.dense_h_to_4h.weight": "pytorch_model-25-of-41.bin", "transformer.encoder.layers.25.mlp.dense_4h_to_h.weight": "pytorch_model-25-of-41.bin", "transformer.encoder.layers.25.mlp.dense_4h_to_h.bias": "pytorch_model-25-of-41.bin", "transformer.encoder.layers.26.input_layernorm.weight": "pytorch_model-26-of-41.bin", "transformer.encoder.layers.26.post_attention_layernorm.weight": "pytorch_model-26-of-41.bin", "transformer.encoder.layers.26.self_attention.query_key_value.weight": "pytorch_model-26-of-41.bin", "transformer.encoder.layers.26.self_attention.query_key_value.bias": "pytorch_model-26-of-41.bin", "transformer.encoder.layers.26.self_attention.dense.weight": "pytorch_model-26-of-41.bin", "transformer.encoder.layers.26.mlp.dense_h_to_4h.weight": "pytorch_model-26-of-41.bin", "transformer.encoder.layers.26.mlp.dense_4h_to_h.weight": "pytorch_model-26-of-41.bin", "transformer.encoder.layers.26.mlp.dense_4h_to_h.bias": "pytorch_model-26-of-41.bin", "transformer.encoder.layers.27.input_layernorm.weight": "pytorch_model-27-of-41.bin", "transformer.encoder.layers.27.post_attention_layernorm.weight": "pytorch_model-27-of-41.bin", "transformer.encoder.layers.27.self_attention.query_key_value.weight": "pytorch_model-27-of-41.bin", "transformer.encoder.layers.27.self_attention.query_key_value.bias": "pytorch_model-27-of-41.bin", "transformer.encoder.layers.27.self_attention.dense.weight": "pytorch_model-27-of-41.bin", "transformer.encoder.layers.27.mlp.dense_h_to_4h.weight": "pytorch_model-27-of-41.bin", "transformer.encoder.layers.27.mlp.dense_4h_to_h.weight": "pytorch_model-27-of-41.bin", "transformer.encoder.layers.27.mlp.dense_4h_to_h.bias": "pytorch_model-27-of-41.bin", "transformer.encoder.layers.28.input_layernorm.weight": "pytorch_model-28-of-41.bin", "transformer.encoder.layers.28.post_attention_layernorm.weight": "pytorch_model-28-of-41.bin", "transformer.encoder.layers.28.self_attention.query_key_value.weight": "pytorch_model-28-of-41.bin", "transformer.encoder.layers.28.self_attention.query_key_value.bias": "pytorch_model-28-of-41.bin", "transformer.encoder.layers.28.self_attention.dense.weight": "pytorch_model-28-of-41.bin", "transformer.encoder.layers.28.mlp.dense_h_to_4h.weight": "pytorch_model-28-of-41.bin", "transformer.encoder.layers.28.mlp.dense_4h_to_h.weight": "pytorch_model-28-of-41.bin", "transformer.encoder.layers.28.mlp.dense_4h_to_h.bias": "pytorch_model-28-of-41.bin", "transformer.encoder.layers.29.input_layernorm.weight": "pytorch_model-29-of-41.bin", "transformer.encoder.layers.29.post_attention_layernorm.weight": "pytorch_model-29-of-41.bin", "transformer.encoder.layers.29.self_attention.query_key_value.weight": "pytorch_model-29-of-41.bin", "transformer.encoder.layers.29.self_attention.query_key_value.bias": "pytorch_model-29-of-41.bin", "transformer.encoder.layers.29.self_attention.dense.weight": "pytorch_model-29-of-41.bin", "transformer.encoder.layers.29.mlp.dense_h_to_4h.weight": "pytorch_model-29-of-41.bin", "transformer.encoder.layers.29.mlp.dense_4h_to_h.weight": "pytorch_model-29-of-41.bin", "transformer.encoder.layers.29.mlp.dense_4h_to_h.bias": "pytorch_model-29-of-41.bin", "transformer.encoder.layers.30.input_layernorm.weight": "pytorch_model-30-of-41.bin", "transformer.encoder.layers.30.post_attention_layernorm.weight": "pytorch_model-30-of-41.bin", "transformer.encoder.layers.30.self_attention.query_key_value.weight": "pytorch_model-30-of-41.bin", "transformer.encoder.layers.30.self_attention.query_key_value.bias": "pytorch_model-30-of-41.bin", "transformer.encoder.layers.30.self_attention.dense.weight": "pytorch_model-30-of-41.bin", "transformer.encoder.layers.30.mlp.dense_h_to_4h.weight": "pytorch_model-30-of-41.bin", "transformer.encoder.layers.30.mlp.dense_4h_to_h.weight": "pytorch_model-30-of-41.bin", "transformer.encoder.layers.30.mlp.dense_4h_to_h.bias": "pytorch_model-30-of-41.bin", "transformer.encoder.layers.31.input_layernorm.weight": "pytorch_model-31-of-41.bin", "transformer.encoder.layers.31.post_attention_layernorm.weight": "pytorch_model-31-of-41.bin", "transformer.encoder.layers.31.self_attention.query_key_value.weight": "pytorch_model-31-of-41.bin", "transformer.encoder.layers.31.self_attention.query_key_value.bias": "pytorch_model-31-of-41.bin", "transformer.encoder.layers.31.self_attention.dense.weight": "pytorch_model-31-of-41.bin", "transformer.encoder.layers.31.mlp.dense_h_to_4h.weight": "pytorch_model-31-of-41.bin", "transformer.encoder.layers.31.mlp.dense_4h_to_h.weight": "pytorch_model-31-of-41.bin", "transformer.encoder.layers.31.mlp.dense_4h_to_h.bias": "pytorch_model-31-of-41.bin", "transformer.encoder.layers.32.input_layernorm.weight": "pytorch_model-32-of-41.bin", "transformer.encoder.layers.32.post_attention_layernorm.weight": "pytorch_model-32-of-41.bin", "transformer.encoder.layers.32.self_attention.query_key_value.weight": "pytorch_model-32-of-41.bin", "transformer.encoder.layers.32.self_attention.query_key_value.bias": "pytorch_model-32-of-41.bin", "transformer.encoder.layers.32.self_attention.dense.weight": "pytorch_model-32-of-41.bin", "transformer.encoder.layers.32.mlp.dense_h_to_4h.weight": "pytorch_model-32-of-41.bin", "transformer.encoder.layers.32.mlp.dense_4h_to_h.weight": "pytorch_model-32-of-41.bin", "transformer.encoder.layers.32.mlp.dense_4h_to_h.bias": "pytorch_model-32-of-41.bin", "transformer.encoder.layers.33.input_layernorm.weight": "pytorch_model-33-of-41.bin", "transformer.encoder.layers.33.post_attention_layernorm.weight": "pytorch_model-33-of-41.bin", "transformer.encoder.layers.33.self_attention.query_key_value.weight": "pytorch_model-33-of-41.bin", "transformer.encoder.layers.33.self_attention.query_key_value.bias": "pytorch_model-33-of-41.bin", "transformer.encoder.layers.33.self_attention.dense.weight": "pytorch_model-33-of-41.bin", "transformer.encoder.layers.33.mlp.dense_h_to_4h.weight": "pytorch_model-33-of-41.bin", "transformer.encoder.layers.33.mlp.dense_4h_to_h.weight": "pytorch_model-33-of-41.bin", "transformer.encoder.layers.33.mlp.dense_4h_to_h.bias": "pytorch_model-33-of-41.bin", "transformer.encoder.layers.34.input_layernorm.weight": "pytorch_model-34-of-41.bin", "transformer.encoder.layers.34.post_attention_layernorm.weight": "pytorch_model-34-of-41.bin", "transformer.encoder.layers.34.self_attention.query_key_value.weight": "pytorch_model-34-of-41.bin", "transformer.encoder.layers.34.self_attention.query_key_value.bias": "pytorch_model-34-of-41.bin", "transformer.encoder.layers.34.self_attention.dense.weight": "pytorch_model-34-of-41.bin", "transformer.encoder.layers.34.mlp.dense_h_to_4h.weight": "pytorch_model-34-of-41.bin", "transformer.encoder.layers.34.mlp.dense_4h_to_h.weight": "pytorch_model-34-of-41.bin", "transformer.encoder.layers.34.mlp.dense_4h_to_h.bias": "pytorch_model-34-of-41.bin", "transformer.encoder.layers.35.input_layernorm.weight": "pytorch_model-35-of-41.bin", "transformer.encoder.layers.35.post_attention_layernorm.weight": "pytorch_model-35-of-41.bin", "transformer.encoder.layers.35.self_attention.query_key_value.weight": "pytorch_model-35-of-41.bin", "transformer.encoder.layers.35.self_attention.query_key_value.bias": "pytorch_model-35-of-41.bin", "transformer.encoder.layers.35.self_attention.dense.weight": "pytorch_model-35-of-41.bin", "transformer.encoder.layers.35.mlp.dense_h_to_4h.weight": "pytorch_model-35-of-41.bin", "transformer.encoder.layers.35.mlp.dense_4h_to_h.weight": "pytorch_model-35-of-41.bin", "transformer.encoder.layers.35.mlp.dense_4h_to_h.bias": "pytorch_model-35-of-41.bin", "transformer.encoder.layers.36.input_layernorm.weight": "pytorch_model-36-of-41.bin", "transformer.encoder.layers.36.post_attention_layernorm.weight": "pytorch_model-36-of-41.bin", "transformer.encoder.layers.36.self_attention.query_key_value.weight": "pytorch_model-36-of-41.bin", "transformer.encoder.layers.36.self_attention.query_key_value.bias": "pytorch_model-36-of-41.bin", "transformer.encoder.layers.36.self_attention.dense.weight": "pytorch_model-36-of-41.bin", "transformer.encoder.layers.36.mlp.dense_h_to_4h.weight": "pytorch_model-36-of-41.bin", "transformer.encoder.layers.36.mlp.dense_4h_to_h.weight": "pytorch_model-36-of-41.bin", "transformer.encoder.layers.36.mlp.dense_4h_to_h.bias": "pytorch_model-36-of-41.bin", "transformer.encoder.layers.37.input_layernorm.weight": "pytorch_model-37-of-41.bin", "transformer.encoder.layers.37.post_attention_layernorm.weight": "pytorch_model-37-of-41.bin", "transformer.encoder.layers.37.self_attention.query_key_value.weight": "pytorch_model-37-of-41.bin", "transformer.encoder.layers.37.self_attention.query_key_value.bias": "pytorch_model-37-of-41.bin", "transformer.encoder.layers.37.self_attention.dense.weight": "pytorch_model-37-of-41.bin", "transformer.encoder.layers.37.mlp.dense_h_to_4h.weight": "pytorch_model-37-of-41.bin", "transformer.encoder.layers.37.mlp.dense_4h_to_h.weight": "pytorch_model-37-of-41.bin", "transformer.encoder.layers.37.mlp.dense_4h_to_h.bias": "pytorch_model-37-of-41.bin", "transformer.encoder.layers.38.input_layernorm.weight": "pytorch_model-38-of-41.bin", "transformer.encoder.layers.38.post_attention_layernorm.weight": "pytorch_model-38-of-41.bin", "transformer.encoder.layers.38.self_attention.query_key_value.weight": "pytorch_model-38-of-41.bin", "transformer.encoder.layers.38.self_attention.query_key_value.bias": "pytorch_model-38-of-41.bin", "transformer.encoder.layers.38.self_attention.dense.weight": "pytorch_model-38-of-41.bin", "transformer.encoder.layers.38.mlp.dense_h_to_4h.weight": "pytorch_model-38-of-41.bin", "transformer.encoder.layers.38.mlp.dense_4h_to_h.weight": "pytorch_model-38-of-41.bin", "transformer.encoder.layers.38.mlp.dense_4h_to_h.bias": "pytorch_model-38-of-41.bin", "transformer.encoder.layers.39.input_layernorm.weight": "pytorch_model-39-of-41.bin", "transformer.encoder.layers.39.post_attention_layernorm.weight": "pytorch_model-39-of-41.bin", "transformer.encoder.layers.39.self_attention.query_key_value.weight": "pytorch_model-39-of-41.bin", "transformer.encoder.layers.39.self_attention.query_key_value.bias": "pytorch_model-39-of-41.bin", "transformer.encoder.layers.39.self_attention.dense.weight": "pytorch_model-39-of-41.bin", "transformer.encoder.layers.39.mlp.dense_h_to_4h.weight": "pytorch_model-39-of-41.bin", "transformer.encoder.layers.39.mlp.dense_4h_to_h.weight": "pytorch_model-39-of-41.bin", "transformer.encoder.layers.39.mlp.dense_4h_to_h.bias": "pytorch_model-39-of-41.bin", "transformer.embedding.word_embeddings.weight": "pytorch_model-40-of-41.bin", "transformer.output_layer.weight": "pytorch_model-40-of-41.bin", "transformer.encoder.final_layernorm.weight": "pytorch_model-40-of-41.bin"}, "metadata": {"total_size": 21043855360}}
tokenization_chatglm.py ADDED
@@ -0,0 +1,324 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import regex as re
2
+ import base64
3
+ import os
4
+ import json
5
+ import tiktoken
6
+ from torch import TensorType
7
+ from typing import List, Optional, Union, Dict, Any
8
+ from transformers import PreTrainedTokenizer
9
+ from transformers.utils import logging, PaddingStrategy
10
+ from transformers.tokenization_utils_base import EncodedInput, BatchEncoding
11
+
12
+
13
+ class ChatGLM4Tokenizer(PreTrainedTokenizer):
14
+ vocab_files_names = {"vocab_file": "tokenizer.model"}
15
+ model_input_names = ["input_ids", "attention_mask", "position_ids"]
16
+
17
+ def __init__(
18
+ self,
19
+ vocab_file,
20
+ padding_side="left",
21
+ clean_up_tokenization_spaces=False,
22
+ encode_special_tokens=False,
23
+ **kwargs
24
+ ):
25
+ self.name = "GLM4Tokenizer"
26
+ self.vocab_file = vocab_file
27
+ pat_str = "(?i:'s|'t|'re|'ve|'m|'ll|'d)|[^\\r\\n\\p{L}\\p{N}]?\\p{L}+|\\p{N}{1,3}| ?[^\\s\\p{L}\\p{N}]+[\\r\\n]*|\\s*[\\r\\n]+|\\s+(?!\\S)|\\s+"
28
+ self.pat_str = re.compile(pat_str)
29
+ self.encode_special_tokens = encode_special_tokens
30
+
31
+ mergeable_ranks = {}
32
+ with open(vocab_file) as f:
33
+ for line in f:
34
+ token, rank = line.strip().split()
35
+ rank = int(rank)
36
+ token = base64.b64decode(token)
37
+ mergeable_ranks[token] = rank
38
+
39
+ self.mergeable_ranks = mergeable_ranks
40
+
41
+ self.tokenizer = tiktoken.Encoding(
42
+ name="my_tokenizer",
43
+ pat_str=pat_str,
44
+ mergeable_ranks=mergeable_ranks,
45
+ special_tokens={}
46
+ )
47
+ self.decoder = {rank: token for token, rank in mergeable_ranks.items()}
48
+ self.n_words = len(self.decoder)
49
+
50
+ super().__init__(
51
+ padding_side=padding_side,
52
+ clean_up_tokenization_spaces=clean_up_tokenization_spaces,
53
+ **kwargs
54
+ )
55
+
56
+ @property
57
+ def vocab_size(self):
58
+ return self.n_words
59
+
60
+ def get_vocab(self):
61
+ """ Returns vocab as a dict """
62
+ vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)}
63
+ vocab.update(self.added_tokens_encoder)
64
+ return vocab
65
+
66
+ def convert_tokens_to_string(self, tokens: List[Union[bytes, str]]) -> str:
67
+ """
68
+ Converts a sequence of tokens in a single string.
69
+ """
70
+ text = ""
71
+ temp = b""
72
+ for t in tokens:
73
+ if isinstance(t, str):
74
+ if temp:
75
+ text += temp.decode("utf-8", errors="replace")
76
+ temp = b""
77
+ text += t
78
+ elif isinstance(t, bytes):
79
+ temp += t
80
+ else:
81
+ raise TypeError("token should only be of type types or str")
82
+ if temp:
83
+ text += temp.decode("utf-8", errors="replace")
84
+ return text
85
+
86
+ def _tokenize(self, text, **kwargs):
87
+ tokens = []
88
+ ids = self.tokenizer.encode(text)
89
+ for t in ids:
90
+ tokens.append(self.decoder[t])
91
+ return tokens
92
+
93
+ def _convert_token_to_id(self, token):
94
+ """ Converts a token (str) in an id using the vocab. """
95
+ return self.mergeable_ranks[token]
96
+
97
+ def _convert_id_to_token(self, index):
98
+ """Converts an index (integer) in a token (str) using the vocab."""
99
+ return self.decoder.get(index, "")
100
+
101
+ def save_vocabulary(self, save_directory, filename_prefix=None):
102
+ """
103
+ Save the vocabulary and special tokens file to a directory.
104
+
105
+ Args:
106
+ save_directory (`str`):
107
+ The directory in which to save the vocabulary.
108
+ filename_prefix (`str`, *optional*):
109
+ An optional prefix to add to the named of the saved files.
110
+
111
+ Returns:
112
+ `Tuple(str)`: Paths to the files saved.
113
+ """
114
+ if os.path.isdir(save_directory):
115
+ vocab_file = os.path.join(
116
+ save_directory, self.vocab_files_names["vocab_file"]
117
+ )
118
+ else:
119
+ vocab_file = save_directory
120
+
121
+ with open(self.vocab_file, 'rb') as fin:
122
+ proto_str = fin.read()
123
+
124
+ with open(vocab_file, "wb") as writer:
125
+ writer.write(proto_str)
126
+
127
+ return (vocab_file,)
128
+
129
+ def get_prefix_tokens(self):
130
+ prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("<sop>")]
131
+ return prefix_tokens
132
+
133
+ def build_single_message(self, role, metadata, message, tokenize=True):
134
+ assert role in ["system", "user", "assistant", "observation"], role
135
+ if tokenize:
136
+ role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n",
137
+ disallowed_special=())
138
+ message_tokens = self.tokenizer.encode(message, disallowed_special=())
139
+ tokens = role_tokens + message_tokens
140
+ return tokens
141
+ else:
142
+ return str(f"<|{role}|>{metadata}\n{message}")
143
+
144
+ def apply_chat_template(
145
+ self,
146
+ conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"],
147
+ add_generation_prompt: bool = False,
148
+ tokenize: bool = True,
149
+ padding: bool = False,
150
+ truncation: bool = False,
151
+ max_length: Optional[int] = None,
152
+ return_tensors: Optional[Union[str, TensorType]] = None,
153
+ return_dict: bool = False,
154
+ tokenizer_kwargs: Optional[Dict[str, Any]] = None,
155
+ add_special_tokens: bool = True,
156
+ **kwargs,
157
+ ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]:
158
+
159
+ if return_dict and not tokenize:
160
+ raise ValueError(
161
+ "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict "
162
+ "of tokenizer outputs to return."
163
+ )
164
+
165
+ def handle_single_conversation(conversation):
166
+ input_ids = self.get_prefix_tokens() if add_special_tokens else []
167
+ input_message = "[gMASK]<sop>" if add_special_tokens else ""
168
+ for item in conversation:
169
+ if item.get("tools"):
170
+ tools = item["tools"]
171
+ content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。"
172
+ content += "\n\n# 可用工具"
173
+ for tool in tools:
174
+ if tool["type"] == "function":
175
+ function = tool["function"]
176
+ content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}"
177
+ content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。"
178
+ elif tool["type"] == "python":
179
+ content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。"
180
+ elif tool["type"] == "simple_browser":
181
+ content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。"
182
+ elif tool["type"] == "cogview":
183
+ content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。"
184
+ else:
185
+ raise NotImplementedError(f"Unknown tool type {tool['type']}")
186
+ input = self.build_single_message("system", "", content, tokenize=tokenize)
187
+ if tokenize:
188
+ input_ids.extend(input)
189
+ else:
190
+ input_message += input
191
+ if item["content"]:
192
+ input = self.build_single_message(
193
+ item["role"],
194
+ item.get("metadata", ""),
195
+ item["content"],
196
+ tokenize=tokenize
197
+ )
198
+ if tokenize:
199
+ input_ids.extend(input)
200
+ else:
201
+ input_message += input
202
+ if add_generation_prompt:
203
+ if tokenize:
204
+ input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")])
205
+ else:
206
+ input_message += "<|assistant|>"
207
+ return input_ids if tokenize else input_message
208
+
209
+ # Main logic to handle different conversation formats
210
+ if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation):
211
+ result = handle_single_conversation(conversation)
212
+ elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation):
213
+ result = [handle_single_conversation(c) for c in conversation]
214
+ elif hasattr(conversation, "messages"):
215
+ result = handle_single_conversation(conversation.messages)
216
+ else:
217
+ raise ValueError("Invalid conversation format")
218
+
219
+ if tokenize:
220
+ output = self.batch_encode_plus(
221
+ [result] if isinstance(result[0], int) else result,
222
+ padding=padding,
223
+ truncation=truncation,
224
+ max_length=max_length,
225
+ return_tensors=return_tensors,
226
+ is_split_into_words=True,
227
+ add_special_tokens=False
228
+ )
229
+ if return_dict:
230
+ return output
231
+ else:
232
+ return output["input_ids"]
233
+ else:
234
+ return result
235
+
236
+
237
+ def build_inputs_with_special_tokens(
238
+ self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None
239
+ ) -> List[int]:
240
+ """
241
+ Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and
242
+ adding special tokens. A BERT sequence has the following format:
243
+
244
+ - single sequence: `[CLS] X [SEP]`
245
+ - pair of sequences: `[CLS] A [SEP] B [SEP]`
246
+
247
+ Args:
248
+ token_ids_0 (`List[int]`):
249
+ List of IDs to which the special tokens will be added.
250
+ token_ids_1 (`List[int]`, *optional*):
251
+ Optional second list of IDs for sequence pairs.
252
+
253
+ Returns:
254
+ `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens.
255
+ """
256
+ prefix_tokens = self.get_prefix_tokens()
257
+ token_ids_0 = prefix_tokens + token_ids_0
258
+ if token_ids_1 is not None:
259
+ token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("<eos>")]
260
+ return token_ids_0
261
+
262
+ def _pad(
263
+ self,
264
+ encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding],
265
+ max_length: Optional[int] = None,
266
+ padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD,
267
+ pad_to_multiple_of: Optional[int] = None,
268
+ return_attention_mask: Optional[bool] = None,
269
+ padding_side: Optional[str] = None,
270
+ ) -> dict:
271
+ """
272
+ Pad encoded inputs (on left/right and up to predefined length or max length in the batch)
273
+
274
+ Args:
275
+ encoded_inputs:
276
+ Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`).
277
+ max_length: maximum length of the returned list and optionally padding length (see below).
278
+ Will truncate by taking into account the special tokens.
279
+ padding_strategy: PaddingStrategy to use for padding.
280
+
281
+ - PaddingStrategy.LONGEST Pad to the longest sequence in the batch
282
+ - PaddingStrategy.MAX_LENGTH: Pad to the max length (default)
283
+ - PaddingStrategy.DO_NOT_PAD: Do not pad
284
+ The tokenizer padding sides are defined in self.padding_side:
285
+
286
+ - 'left': pads on the left of the sequences
287
+ - 'right': pads on the right of the sequences
288
+ pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value.
289
+ This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability
290
+ `>= 7.5` (Volta).
291
+ return_attention_mask:
292
+ (optional) Set to False to avoid returning attention mask (default: set to model specifics)
293
+ """
294
+ # Load from model defaults
295
+ assert self.padding_side == "left"
296
+
297
+ required_input = encoded_inputs[self.model_input_names[0]]
298
+ seq_length = len(required_input)
299
+
300
+ if padding_strategy == PaddingStrategy.LONGEST:
301
+ max_length = len(required_input)
302
+
303
+ if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0):
304
+ max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of
305
+
306
+ needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length
307
+
308
+ # Initialize attention mask if not present.
309
+ if "attention_mask" not in encoded_inputs:
310
+ encoded_inputs["attention_mask"] = [1] * seq_length
311
+
312
+ if "position_ids" not in encoded_inputs:
313
+ encoded_inputs["position_ids"] = list(range(seq_length))
314
+
315
+ if needs_to_be_padded:
316
+ difference = max_length - len(required_input)
317
+
318
+ if "attention_mask" in encoded_inputs:
319
+ encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"]
320
+ if "position_ids" in encoded_inputs:
321
+ encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"]
322
+ encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input
323
+
324
+ return encoded_inputs
tokenizer.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716
3
+ size 2623634
tokenizer_config.json ADDED
@@ -0,0 +1,133 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "auto_map": {
3
+ "AutoTokenizer": [
4
+ "tokenization_chatglm.ChatGLM4Tokenizer",
5
+ null
6
+ ]
7
+ },
8
+ "added_tokens_decoder": {
9
+ "151329": {
10
+ "content": "<|endoftext|>",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false,
15
+ "special": true
16
+ },
17
+ "151330": {
18
+ "content": "[MASK]",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false,
23
+ "special": true
24
+ },
25
+ "151331": {
26
+ "content": "[gMASK]",
27
+ "lstrip": false,
28
+ "normalized": false,
29
+ "rstrip": false,
30
+ "single_word": false,
31
+ "special": true
32
+ },
33
+ "151332": {
34
+ "content": "[sMASK]",
35
+ "lstrip": false,
36
+ "normalized": false,
37
+ "rstrip": false,
38
+ "single_word": false,
39
+ "special": true
40
+ },
41
+ "151333": {
42
+ "content": "<sop>",
43
+ "lstrip": false,
44
+ "normalized": false,
45
+ "rstrip": false,
46
+ "single_word": false,
47
+ "special": true
48
+ },
49
+ "151334": {
50
+ "content": "<eop>",
51
+ "lstrip": false,
52
+ "normalized": false,
53
+ "rstrip": false,
54
+ "single_word": false,
55
+ "special": true
56
+ },
57
+ "151335": {
58
+ "content": "<|system|>",
59
+ "lstrip": false,
60
+ "normalized": false,
61
+ "rstrip": false,
62
+ "single_word": false,
63
+ "special": true
64
+ },
65
+ "151336": {
66
+ "content": "<|user|>",
67
+ "lstrip": false,
68
+ "normalized": false,
69
+ "rstrip": false,
70
+ "single_word": false,
71
+ "special": true
72
+ },
73
+ "151337": {
74
+ "content": "<|assistant|>",
75
+ "lstrip": false,
76
+ "normalized": false,
77
+ "rstrip": false,
78
+ "single_word": false,
79
+ "special": true
80
+ },
81
+ "151338": {
82
+ "content": "<|observation|>",
83
+ "lstrip": false,
84
+ "normalized": false,
85
+ "rstrip": false,
86
+ "single_word": false,
87
+ "special": true
88
+ },
89
+ "151339": {
90
+ "content": "<|begin_of_image|>",
91
+ "lstrip": false,
92
+ "normalized": false,
93
+ "rstrip": false,
94
+ "single_word": false,
95
+ "special": true
96
+ },
97
+ "151340": {
98
+ "content": "<|end_of_image|>",
99
+ "lstrip": false,
100
+ "normalized": false,
101
+ "rstrip": false,
102
+ "single_word": false,
103
+ "special": true
104
+ },
105
+ "151341": {
106
+ "content": "<|begin_of_video|>",
107
+ "lstrip": false,
108
+ "normalized": false,
109
+ "rstrip": false,
110
+ "single_word": false,
111
+ "special": true
112
+ },
113
+ "151342": {
114
+ "content": "<|end_of_video|>",
115
+ "lstrip": false,
116
+ "normalized": false,
117
+ "rstrip": false,
118
+ "single_word": false,
119
+ "special": true
120
+ }
121
+ },
122
+ "additional_special_tokens": ["<|endoftext|>", "[MASK]", "[gMASK]", "[sMASK]", "<sop>", "<eop>", "<|system|>",
123
+ "<|user|>", "<|assistant|>", "<|observation|>", "<|begin_of_image|>", "<|end_of_image|>",
124
+ "<|begin_of_video|>", "<|end_of_video|>"],
125
+ "clean_up_tokenization_spaces": false,
126
+ "do_lower_case": false,
127
+ "eos_token": "<|endoftext|>",
128
+ "pad_token": "<|endoftext|>",
129
+ "model_max_length": 8000,
130
+ "padding_side": "left",
131
+ "remove_space": false,
132
+ "tokenizer_class": "ChatGLM4Tokenizer"
133
+ }