keras - Tensorflow 服务于预训练的 Keras ResNet50 模型,始终返回相同的预测

标签 keras tensorflow-serving resnet

我使用以下代码将预训练的 ResNet50 keras 模型导出到 tensorflow ,以进行 tensorflow 服务:

import tensorflow as tf
sess = tf.Session()
from keras import backend as K
K.set_session(sess)
K.set_learning_phase(0)

# Modelo resnet con pesos entrenados en imagenet
from keras.applications.resnet50 import ResNet50
model = ResNet50(weights='imagenet')

# exportar en tensorflow
import os
version_number = max([ int(x) for x in os.listdir('./resnet-classifier') ]) + 1
export_path = './resnet-classifier/{}'.format(version_number)
with tf.keras.backend.get_session() as sess:
    init_op = tf.global_variables_initializer()
    sess.run(init_op)
    tf.saved_model.simple_save(sess, export_path,
            inputs=dict(input_image=model.input),
            outputs={t.name:t for t in model.outputs}
    )

我尝试了上述的一些变体,所有这些都具有相同的结果(由 tensorflow 服务提供相同的预测)。

然后我运行tensorflow-serving,如下所示:

docker run -p 8501:8501 \
  -v ./resnet-classifier:/models/resnet-classifier \
  -e MODEL_NAME=resnet-classifier -e MODEL_BASE_PATH=/models \
  -t tensorflow/serving

最后,我使用以下函数对 tensorflow 服务进行预测:

def imagepath_to_tfserving_payload(img_path):
    import numpy as np
    from keras.preprocessing import image
    from keras.applications.resnet50 import preprocess_input
    img = image.img_to_array(image.load_img(img_path, target_size=(224, 224)))
    X = np.expand_dims(img, axis=0).astype('float32')
    X = preprocess_input(X)
    payload = dict(instances=X.tolist())
    payload = json.dumps(payload)
    return payload

def tfserving_predict(image_payload, url=None):
    import requests
    if url is None:
        url = 'http://localhost:8501/v1/models/resnet-classifier:predict'
    r = requests.post(url, data=image_payload)
    pred_json = json.loads(r.content.decode('utf-8'))
    from keras.applications.resnet50 import decode_predictions
    predictions = decode_predictions(np.asarray(pred_json['predictions']), top=3)[0]
    return predictions

然后我在 ipython shell 中使用上面的两个函数从 imagenet 的 val 集中选择随机 imagenes,我已将其存储在本地。问题是 tensorflow 服务总是为我发送的所有图像返回相同的预测。

每次我使用上面的第一个脚本导出模型时,我得到的类都会略有不同,第一个类的置信度为“1”,其他类的置信度为“0”,例如:

# Serialization 1, in ./resnet-classifier/1 always returning:
[
  [
    "n07745940",
    "strawberry",
    1.0
  ],
  [
    "n02104029",
    "kuvasz",
    1.4013e-36
  ],
  [
    "n15075141",
    "toilet_tissue",
    0.0
  ]
]

# Serialization 2, in ./resnet-classifier/2 always returning:
[
  [
    "n01530575",
    "brambling",
    1.0
  ],
  [
    "n15075141",
    "toilet_tissue",
    0.0
  ],
  [
    "n02319095",
    "sea_urchin",
    0.0
  ]
]

这可能与 Tensorflow : serving model return always the same prediction 有关,但我不知道那里的答案(没有被接受的答案)有什么帮助。

有人知道上面出了什么问题,以及如何解决它吗?

最佳答案

我发现调用 sess.run(tf.global_variables_initializer()) 会覆盖预训练的权重,线索可在 http://zachmoshe.com/2017/11/11/use-keras-models-with-tf.html 找到.

对我来说,解决方案非常简单,只需按以下方式更改原始问题中的第一个代码块,该代码在模型实例化/权重加载之前调用 tf.global_variables_initializer() :

import tensorflow as tf
sess = tf.Session()
sess.run(tf.global_variables_initializer())

from keras import backend as K
K.set_session(sess)
K.set_learning_phase(0)

# Modelo resnet con pesos entrenados en imagenet
from keras.applications.resnet50 import ResNet50
model = ResNet50(weights='imagenet')

# exportar en tensorflow
import os
versions = [ int(x) for x in os.listdir('./resnet-classifier') ]
version_number = max(versions) + 1 if versions else 1
export_path = './resnet-classifier/{}'.format(version_number)

tf.saved_model.simple_save(sess, export_path,
        inputs=dict(input_image=model.input),
        outputs={t.name:t for t in model.outputs}
)

关于keras - Tensorflow 服务于预训练的 Keras ResNet50 模型,始终返回相同的预测,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/53469433/

相关文章:

tensorflow - 如何将多输入图像应用于Unet进行分割?

python - 数据文件夹应该如何在 cnn 模型中将输入作为 (x-train, y-train), (x-test, y-test)

python - 为什么使用预训练的 ResNet50 会导致训练集和验证集出现矛盾的损失?

python-2.7 - tensorflow 服务错误: Invalid argument: JSON object: does not have named input

c++ - Tensorflow Serving bazel 构建错误 : mnist_inference_2. cc - 尚未声明签名

tensorflow - 无法获取 Inception-ResNet-v2 模型的可读类标签

tensorflow - 我无法从 keras.applications 模块导入 resnet

keras - Tensorboard + Keras + 机器学习引擎

python - Tensorflow 2.3.0 - 警告 : get_next_as_optional (from tensorflow. python.data.ops.iterator_ops) 已弃用,并将在未来版本中删除

docker - 在TF中服务多个TF模型服务并创建适当的客户端请求以根据请求与特定模型进行交互