python - Keras 模型在训练期间有 2 个输入,但在推理期间只有 1 个输入

标签 python tensorflow keras

我有一个 Keras 模型,在训练期间需要 2 个输入(并且有 2 个输出对应于 2 个损失函数)。

2 个输入和 2 个输出成对连接。

因此在推理中我实际上不需要传递第二个输入,也不需要第二个输出。

有没有办法让 Keras/tf.keras 的 predict 方法只接受第一个输入并产生第一个输出,并忽略第二个输入和第二个输出。

我可以为第二个输入创建一个归零的 numpy 数组,但我想知道是否可以减少内存使用或计算。

Tensorflow 应该能够做到这一点,因为它的图是惰性的。但 Keras 有能力做到这一点吗?

示例:

# assume second_batch is not needed
second_batch = np.zeros(shape=first_batch.shape)
results = model.predict((first_batch, second_batch))
# i only care about results[0]
# not results[1]

最佳答案

您始终可以使用相同的共享权重构建新的 keras 模型,并指定所需的输入和输出张量。

import tensorflow as tf

print('TensorFlow:', tf.__version__)


input_a = tf.keras.Input(shape=[224, 224, 3], name='input_a')
input_b = tf.keras.Input(shape=[224, 224, 3], name='input_b')

resnet_model = tf.keras.applications.ResNet50(include_top=False, pooling='avg')

xa = resnet_model(input_a)
xb = resnet_model(input_b)

output_a = tf.keras.layers.Dense(10, name='output_a', activation='softmax')(xa)
output_b = tf.keras.layers.Dense(10, name='output_b', activation='softmax')(xb)

training_model = tf.keras.Model(inputs=[input_a, input_b], outputs=[output_a, output_b])

[print('Training Model Input:', x.name, x.shape) for x in training_model.inputs]
print('')
[print('Training Model Output:', x.name, x.shape) for x in training_model.outputs]
print('')


inference_model = tf.keras.Model(inputs=[input_a], outputs=[output_a])

[print('Inference Model Input:', x.name, x.shape) for x in inference_model.inputs]
[print('Inference Model Output:', x.name, x.shape) for x in inference_model.outputs]

image = tf.random.uniform([1, 224, 224, 3])
predictions = inference_model(image, training=False)
print('')
print('Predictions:', predictions)

输出:

TensorFlow: 2.3.0-dev20200625
Training Model Input: input_a:0 (None, 224, 224, 3)
Training Model Input: input_b:0 (None, 224, 224, 3)

Training Model Output: output_a/Softmax:0 (None, 10)
Training Model Output: output_b/Softmax:0 (None, 10)

Inference Model Input: input_a:0 (None, 224, 224, 3)
Inference Model Output: output_a/Softmax:0 (None, 10)

Predictions: tf.Tensor(
[[0.01937425 0.17703871 0.08633    0.06593429 0.18057525 0.03161139
  0.01154568 0.09730788 0.01927926 0.31100336]], shape=(1, 10), dtype=float32)

关于python - Keras 模型在训练期间有 2 个输入,但在推理期间只有 1 个输入,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/62570561/

相关文章:

python - 喀拉斯 LSTM : a time-series multi-step multi-features forecasting - poor results

python - 安装 pygrib 包

python - 将格式化的日志字符串转换回 LogRecord

python - 如何杀死正在进行的请求请求对象

python - 如何使用saved_model_cli查询tensorflow 'wide and deep'模型?

python - 具有大数据集的 Keras 模型的超参数优化

python - 让线程在Python中正确共享数据

python - 数据增强完成后会发生什么?

python - 什么相当于 pytorch 在 tensorflow 中的 torch.nn.CosineEmbeddingLoss?

python - 如何在 Keras 的每个训练时期之后进行预测?