我正在研究一种迁移学习方法,并且在使用来自keras.applications
TensorFlow Hub 的 MobileNetV2 时得到了非常不同的结果。这对我来说似乎很奇怪,因为两个版本在这里和这里都声称从同一个检查点mobilenet_v2_1.0_224中提取它们的权重。这就是复制差异的方式,您可以在此处找到 Colab Notebook :
!pip install tensorflow-gpu==2.1.0
import tensorflow as tf
import numpy as np
import tensorflow_hub as hub
from tensorflow.keras.applications.mobilenet_v2 import MobileNetV2
def create_model_keras():
image_input = tf.keras.Input(shape=(224, 224, 3))
out = MobileNetV2(input_shape=(224, 224, 3),
include_top=True)(image_input)
model = tf.keras.models.Model(inputs=image_input, outputs=out)
model.compile(optimizer='adam', loss=["categorical_crossentropy"])
return model
def create_model_tf():
image_input = tf.keras.Input(shape=(224, 224 ,3))
out = hub.KerasLayer("https://tfhub.dev/google/tf2-preview/mobilenet_v2/classification/4",
input_shape=(224, 224, 3))(image_input)
model = tf.keras.models.Model(inputs=image_input, outputs=out)
model.compile(optimizer='adam', loss=["categorical_crossentropy"])
return model
当我尝试对随机批次进行预测时,结果不相等:
keras_model = create_model_keras()
tf_model = create_model_tf()
np.random.seed(42)
data = np.random.rand(32,224,224,3)
out_keras = keras_model.predict_on_batch(data)
out_tf = tf_model.predict_on_batch(data)
np.array_equal(out_keras, out_tf)
来自版本的输出keras.applications
总和为 1,但来自 TensorFlow Hub 的版本不是。两个版本的形状也不同:TensorFlow Hub 有 1001 个标签,keras.applications
有 1000 个。
np.sum(out_keras[0]), np.sum(out_tf[0])
印刷(1.0000001, -14.166359)
这些差异的原因是什么?我错过了什么吗?
编辑 18.02.2020
正如 Szymon Maszke 指出的那样,TFHub 版本返回 logits。这就是为什么我在下面添加了一个 Softmax 层create_model_tf
:
out = tf.keras.layers.Softmax()(x)
arnoegw 提到 TfHub 版本需要将图像标准化为 [0,1],而 keras 版本需要标准化为 [-1,1]。当我对测试图像使用以下预处理时:
from tensorflow.keras.applications.mobilenet_v2 import preprocess_input
img = tf.keras.preprocessing.image.load_img("/content/panda.jpeg", target_size=(224,224))
img = tf.keras.preprocessing.image.img_to_array(img)
img = preprocess_input(img)
img = tf.io.read_file("/content/panda.jpeg")
img = tf.image.decode_jpeg(img)
img = tf.image.convert_image_dtype(img, tf.float32)
img = tf.image.resize(img, (224,224))
两者都正确预测了相同的标签,并且以下条件为真:np.allclose(out_keras, out_tf[:,1:], rtol=0.8)
编辑 2 18.02.2020 在我写之前,无法将格式相互转换。这是由一个错误引起的。