简体   繁体   English

Bert DL 模型错误:重塑的输入是具有 3200 个值的张量,但请求的形状具有 3328

[英]Bert DL model Error: Input to reshape is a tensor with 3200 values, but the requested shape has 3328

I am repeating the codes from我正在重复代码

https://towardsdatascience.com/text-classification-with-nlp-tf-idf-vs-word2vec-vs-bert-41ff868d1794 https://towardsdatascience.com/text-classification-with-nlp-tf-idf-vs-word2vec-vs-bert-41ff868d1794

Here is the code for BERT classifier.这是BERT分类器的代码。 The error code is at the end of this question:错误代码在这个问题的末尾:

## distil-bert tokenizer
tokenizer = transformers.AutoTokenizer.from_pretrained('distilbert-base-uncased', do_lower_case=True)
dtf_train, dtf_test = train_test_split(all_ct_df_twoyear_v4, test_size=0.2,random_state=101)

y_train = dtf_train['isChange'].values
y_test = dtf_test['isChange'].values


corpus = dtf_train["comment"]
maxlen = 50

## add special tokens
maxqnans = np.int((maxlen-20)/2)
corpus_tokenized = ["[CLS] "+
             " ".join(tokenizer.tokenize(re.sub(r'[^\w\s]+|\n', '', 
             str(txt).lower().strip()))[:maxqnans])+
             " [SEP] " for txt in corpus]

## generate masks
masks = [[1]*len(txt.split(" ")) + [0]*(maxlen - len(
           txt.split(" "))) for txt in corpus_tokenized]
    
## padding
txt2seq = [txt + " [PAD]"*(maxlen-len(txt.split(" "))) if len(txt.split(" ")) != maxlen else txt for txt in corpus_tokenized]
    
## generate idx
idx = [tokenizer.encode(seq.split(" ")) for seq in txt2seq]
    
X_train = [np.asarray(idx, dtype='int32'), 
           np.asarray(masks, dtype='int32')] 
           #np.asarray(segments, dtype='int32')]
corpus = dtf_test["comment"]
maxlen = 50

## add special tokens
maxqnans = np.int((maxlen-20)/2)
corpus_tokenized = ["[CLS] "+
             " ".join(tokenizer.tokenize(re.sub(r'[^\w\s]+|\n', '', 
             str(txt).lower().strip()))[:maxqnans])+
             " [SEP] " for txt in corpus]

## generate masks
masks = [[1]*len(txt.split(" ")) + [0]*(maxlen - len(
           txt.split(" "))) for txt in corpus_tokenized]
    
## padding
txt2seq = [txt + " [PAD]"*(maxlen-len(txt.split(" "))) if len(txt.split(" ")) != maxlen else txt for txt in corpus_tokenized]
    
## generate idx
idx = [tokenizer.encode(seq.split(" ")) for seq in txt2seq]
    

## feature matrix
X_test = [np.asarray(idx, dtype='int32'), 
           np.asarray(masks, dtype='int32')]
           #np.asarray(segments, dtype='int32')]
## inputs
idx = layers.Input((50), dtype="int32", name="input_idx")
masks = layers.Input((50), dtype="int32", name="input_masks")
## pre-trained bert with config
config = transformers.DistilBertConfig(dropout=0.2, 
           attention_dropout=0.2)
config.output_hidden_states = False
nlp = transformers.TFDistilBertModel.from_pretrained('distilbert-base-uncased', config=config)
bert_out = nlp(idx, attention_mask=masks)[0]
## fine-tuning
x = layers.GlobalAveragePooling1D()(bert_out)
x = layers.Dense(64, activation="relu")(x)
y_out = layers.Dense(len(np.unique(y_train)), 
                     activation='softmax')(x)
## compile
model = models.Model([idx, masks], y_out)
for layer in model.layers[:3]:
    layer.trainable = False
model.compile(loss='sparse_categorical_crossentropy', 
              optimizer='adam', metrics=['accuracy'])
model.summary()
## encode y
dic_y_mapping = {n:label for n,label in 
                 enumerate(np.unique(y_train))}
inverse_dic = {v:k for k,v in dic_y_mapping.items()}
y_train = np.array([inverse_dic[y] for y in y_train])
## train
training = model.fit(x=X_train, y=y_train, batch_size=64, 
                     epochs=1, shuffle=True, verbose=1, 
                     validation_split=0.3)
## test
predicted_prob = model.predict(X_test)
predicted = [dic_y_mapping[np.argmax(pred)] for pred in 
             predicted_prob]

error:错误:

    InvalidArgumentError:  Input to reshape is a tensor with 3200 values, but the requested shape has 3328
    [[node functional_45/tf_distil_bert_model_22/distilbert/transformer/layer_._0/attention/Reshape_3 (defined at X:\Users\xuanyu\Anaconda3\lib\site-packages\transformers\modeling_tf_distilbert.py:237) ]] [Op:__inference_train_function_287881]

    Errors may have originated from an input operation.
    Input Source operations connected to node 
    functional_45/tf_distil_bert_model_22/distilbert/transformer/layer_._0/attention/Reshape_3:
    functional_45/tf_distil_bert_model_22/distilbert/Cast (defined at 
    X:\Users\xuanyu\Anaconda3\lib\site- 
    packages\transformers\modeling_tf_distilbert.py:466)

    Function call stack:
    train_function

I have been searching and searching and tuning the parameters but still got me this error.我一直在搜索、搜索和调整参数,但仍然出现此错误。 I did not find anywhere to change how the reshaping size can be modified.我没有找到任何地方可以更改如何修改整形大小。

I hope my answer is not too late but for me it worked with the 2.1 transformers version.我希望我的回答还不算太晚,但对我来说,它适用于 2.1 转换器版本。 Execute执行

pip install transformers==2.1

暂无
暂无

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

相关问题 无效参数:reshape 的输入是一个有 64 个值的张量,但请求的形状有 4 个 - Invalid argument: Input to reshape is a tensor with 64 values, but the requested shape has 4 InvalidArgumentError:reshape 的输入是一个值为 0 的张量,但请求的形状有 54912 - InvalidArgumentError: Input to reshape is a tensor with 0 values, but the requested shape has 54912 reshape 的输入是一个有 37632 个值的张量,但请求的形状有 150528 - Input to reshape is a tensor with 37632 values, but the requested shape has 150528 重塑的输入是张量为40804的张量,但请求的形状为10201 - Input to reshape is a tensor with 40804 values, but the requested shape has 10201 InvalidArgumentError:重塑的输入是一个178802值的张量,但请求的形状有89401 - InvalidArgumentError: Input to reshape is a tensor with 178802 values, but the requested shape has 89401 Tfrecords错误:“参数无效:要重塑的输入是具有71680值的张量,但请求的形状具有8960” - Tfrecords error:“Invalid argument: Input to reshape is a tensor with 71680 values, but the requested shape has 8960” Got an Input to reshape is a tensor with 3368 values, but the requested shape has 2048 error while fine-tuning Roberta - Got an Input to reshape is a tensor with 3368 values, but the requested shape has 2048 error while fine-tuning Roberta reshape 的输入是一个有 128 个值的张量,但请求的形状有 32 个 [Op:Reshape] - Input to reshape is a tensor with 128 values, but the requested shape has 32 [Op:Reshape] InvalidArgumentError:reshape 的输入是一个具有 405000 个值的张量,但请求的形状有 1920000 [Op:Reshape] - InvalidArgumentError:Input to reshape is a tensor with 405000 values, but the requested shape has 1920000[Op:Reshape] InvalidArgumentError:reshape 的输入是具有 27000 个值的张量,但请求的形状有 810000 [Op:Reshape] - InvalidArgumentError: Input to reshape is a tensor with 27000 values, but the requested shape has 810000 [Op:Reshape]
 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM