无法获得mnist自己的数字图像数据集的准确性

时间:2018-10-25 20:41:15

标签: python tensorflow neural-network keras mnist

我是机器学习的新手,我尝试了mnist数据集,我的准确度约为97%,但是随后尝试处理图像数据集,我的准确度为0%。请帮帮我。

这是97%准确性的模型代码:

from keras.models import Sequential                  
from keras.layers import Dense, Dropout, Conv2D, Flatten  
from keras.callbacks import ModelCheckpoint               


x_train = tf.keras.utils.normalize(x_train, axis =1)
x_test = tf.keras.utils.normalize(x_test, axis = 1)

model = Sequential()
model.add(Flatten())
model.add(Dense(128, activation = 'relu')) 
model.add(Dense(128, activation = 'relu'))
model.add(Dense(10, activation = 'softmax')) 


model.compile(optimizer = 'adam', loss = 'sparse_categorical_crossentropy', metrics = ['accuracy'])

checkpointer = ModelCheckpoint(filepath = 'mnist.model.weights.best.hdf5',verbose = 1,save_best_only = True, monitor = 'loss')

model.fit(x_train, y_train, epochs = 3, callbacks = [checkpointer], 
          batch_size = 32,verbose = 2,shuffle = True)

现在,我尝试了10张图像,但都没有正确预测出它们。 下面是代码:

from skimage import io
from skimage import color
import numpy as np
import tensorflow as tf
import keras

img_0 = color.rgb2gray(io.imread("0.jpg"))
img_2 = color.rgb2gray(io.imread("2.jpg"))
img_3 = color.rgb2gray(io.imread("3.jpg"))
img_4 = color.rgb2gray(io.imread("4.jpg"))
img_5 = color.rgb2gray(io.imread("5.jpg"))
img_6 = color.rgb2gray(io.imread("6.jpg"))
img_7 = color.rgb2gray(io.imread("7.jpg"))
img_8 = color.rgb2gray(io.imread("8.jpg"))
img_9 = color.rgb2gray(io.imread("9.jpg"))
array = [img_0, img_2, img_3, img_4, img_5, img_6, img_7, img_8, img_9]

#normalized the data between 0-1
array = tf.keras.utils.normalize(array, axis = 1)

#used the loop to increase the dimensions of the input layer as 1,28,28 which will be converted into 1*784
for i in array:
    i = np.expand_dims(i,axis = 0)
    print(i.shape)


new_model = tf.keras.models.load_model('mnist_save.model')
new_model.load_weights('mnist.model.weights.best.hdf5')
predictions = new_model.predict(array)

能帮我解决我的问题吗?

1 个答案:

答案 0 :(得分:1)

如果我是你,我将检查以下三件事。

1。并排可视化培训和测试数据

这是查看低性能是否合理的最简单方法。基本上,如果测试数据与培训数据的外观完全不同,则您的预训练模型无法在此新测试领域中实现高性能。即使不是这种情况,可视化也应该有助于确定可以应用哪些简单的域自适应来获得更好的性能。

2。仔细检查您的L2normalization

我看了None

的源代码
keras.utils.normalize

由于您使用的是张量流后端,因此沿第一个轴的@tf_export('keras.utils.normalize') def normalize(x, axis=-1, order=2): """Normalizes a Numpy array. Arguments: x: Numpy array to normalize. axis: axis along which to normalize. order: Normalization order (e.g. 2 for L2 norm). Returns: A normalized copy of the array. """ l2 = np.atleast_1d(np.linalg.norm(x, order, axis)) l2[l2 == 0] = 1 return x / np.expand_dims(l2, axis) 意味着什么?规范每一行?这很奇怪。进行归一化的正确方法是(1)对输入图像进行矢量化处理,即每个图像变成一个矢量;和(2)normalize得到的矢量(在轴= 1处)。

实际上,这在某种程度上是不合适的,尤其是当您想在其他域中应用预训练的模型时。这是因为L2normalization对非零值更敏感。在MNIST样本中,几乎是二值化的,即0或1。但是,在灰度图像中,您可能会遇到[0,255]中的值,这是完全不同的分布。

您可以尝试简单的(0,1)归一化,即

normalize

但这需要您重新训练新模型。

3。应用域适应技术

这意味着您想在将测试图像输入模型之前(甚至在归一化之前)执行以下操作。

  • 将测试图像二值化,即转换为0/1张图像
  • 否定测试图像,即使0s变为1s和1s变为0s
  • 集中测试图像,即移动图像,使其质量中心为图像中心。

当然,采用哪种技术取决于您在可视化结果中观察到的域差异。