kpe / bert-for-tf2

A Keras TensorFlow 2.0 implementation of BERT, ALBERT and adapter-BERT.
https://github.com/kpe/bert-for-tf2
MIT License
803 stars 193 forks source link

how to using this in functional model #88

Closed cmcai0104 closed 3 years ago

cmcai0104 commented 3 years ago

I want to use this pre-trained model in my functional model like following:

def build_model(model_dir, batch_size, max_seq_num, max_seq_len):
    bert_params = bert.params_from_pretrained_ckpt(model_dir)
    l_bert = bert.BertModelLayer.from_params(bert_params, name="bert", trainable=False)

    input_ids = tf.keras.layers.Input(shape=(max_seq_num, max_seq_len,), dtype='int32', name='input_ids')
    reshaped_input_ids = tf.reshape(input_ids, (batch_size * max_seq_num, max_seq_len))

    token_type_ids = tf.keras.layers.Input(shape=(max_seq_num, max_seq_len,), dtype='int32', name='token_type')
    reshaped_token_type_ids = tf.reshape(token_type_ids, (batch_size * max_seq_num, max_seq_len))

    mask_ids = tf.keras.layers.Input(shape=(max_seq_num, max_seq_len,), dtype='int32', name='mask_ids')
    reshaped_mask_ids = tf.reshape(mask_ids, (batch_size * max_seq_num, max_seq_len))

    # provide a custom token_type/segment id as a layer input
    bert_embedd = l_bert([reshaped_input_ids, reshaped_token_type_ids], mask=reshaped_mask_ids)  # [batch_size*max_seq_num, max_seq_len, hidden_size]
    model = tf.keras.models.Model(inputs=[input_ids, token_type_ids, mask_ids], outputs=bert_embedd)
    model.build(input_shape=[(batch_size, max_seq_num, max_seq_len), 
                                                  (batch_size, max_seq_num, max_seq_len),
                                                  (batch_size, max_seq_num, max_seq_len)])
    bert.load_bert_weights(l_bert, os.path.join(model_dir, "bert_model.ckpt"))  # should be called after model.build()
    model.summary()
    tf.keras.utils.plot_model(model, show_shapes=True)
    learning_rate = 1e-2
    model.compile(optimizer=tf.keras.optimizers.Adam(learning_rate=learning_rate), 
                              loss=tf.keras.losses.MeanSquaredError(), metrics=['mse'])
    return model

I can build the model succeed. But when I feed data to the model,

model = build_model(path, 16, 16, 16)
x_input = np.random.randint(0, 10000, size=[16, 16, 16])
x_token_type = [[[i] * 16 for i in range(16)] for _ in range(16)]
x_mask = np.ones(shape=[16, 16, 16])
y_predict = model(x_input, x_token_type, x_mask)

the error appears:

ValueError: Layer model expects 2 input(s), but it received 1 input tensors. Inputs received: ...