Keras predict() valueError: input doesn't have the correct dimension
Keras predict() valueError: input doesn't have the correct dimension
我是机器学习的新手,我想从一个相当简单的项目开始:使用 mnist 数据集进行数字识别。我正在使用 keras 和 tensorflow,我开始使用我发现的代码 here。网络已正确构建和训练,我现在想做一个简单的预测。对于初学者,我只是使用了数据集中用于测试的部分中的一张图片,我希望我的输出是那个数字。 (在这种情况下,输出应该是 7。)
这是我的代码:
# Baseline MLP for MNIST dataset
from tensorflow.keras.datasets import mnist
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import Dense
from keras.utils import np_utils
import numpy as np
# load data
(X_train, y_train), (X_test, y_test) = mnist.load_data()
# flatten 28*28 images to a 784 vector for each image
num_pixels = X_train.shape[1] * X_train.shape[2]
X_train = X_train.reshape((X_train.shape[0], num_pixels)).astype('float32')
X_test = X_test.reshape((X_test.shape[0], num_pixels)).astype('float32')
# normalize inputs from 0-255 to 0-1
X_train = X_train / 255
X_test = X_test / 255
# one hot encode outputs
y_train = np_utils.to_categorical(y_train)
y_test = np_utils.to_categorical(y_test)
num_classes = y_test.shape[1]
# define baseline model
def baseline_model():
# create model
model = Sequential()
model.add(Dense(num_pixels, input_dim=num_pixels, kernel_initializer='normal', activation='relu'))
model.add(Dense(num_classes, kernel_initializer='normal', activation='softmax'))
# Compile model
model.compile(loss='categorical_crossentropy', optimizer='adam', metrics=['accuracy'])
return model
# build the model
model = baseline_model()
print("created model")
# Fit the model
model.fit(X_train, y_train, validation_data=(X_test, y_test), epochs=10, batch_size=200, verbose=2)
print("did model.fit")
image_index=0
print("correct result : ", y_test[image_index])
print("shape of the array: ", X_test[0].shape)
print("predicted result : ", model.predict(X_test[image_index]))
现在我得到以下错误:
ValueError: Error when checking input: expected dense_input to have shape (784,) but got array with shape (1,)
虽然我的数组确实有正确的形状!如您所见,我打印了 print("shape of the array: ", X_test[0].shape)
,它执行 return shape of the array: (784,)
。 784 正是我们想要的尺寸,但我仍然收到该错误。
我花了几个小时试图解决这个问题,但无论我尝试什么(例如重塑数组),它似乎都不起作用。显然,对于 keras 的预测函数或数组存在一些误解。你能帮我理解和解决这个问题吗?
先感谢您。
所以预测函数仍然期望 0 维度作为样本维度。
当您索引 X_test[0] 时,您基本上删除了这个维度,这导致预测函数现在有 784 个 1 像素样本!
将您的代码更改为:
print("predicted result : ", model.predict(X_test[0].reshape(-1,num_pixels)))
现在你应该有结果概率了。
编辑:
如果你只想要最大概率预测数:
print("predicted result : ", np.argmax(model.predict(X_test[0].reshape(-1,num_pixels)), axis = 1))
对机器学习完全陌生,我想从一个相当简单的项目开始:我简单使用的数字识别器
我是机器学习的新手,我想从一个相当简单的项目开始:使用 mnist 数据集进行数字识别。我正在使用 keras 和 tensorflow,我开始使用我发现的代码 here。网络已正确构建和训练,我现在想做一个简单的预测。对于初学者,我只是使用了数据集中用于测试的部分中的一张图片,我希望我的输出是那个数字。 (在这种情况下,输出应该是 7。) 这是我的代码:
# Baseline MLP for MNIST dataset
from tensorflow.keras.datasets import mnist
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import Dense
from keras.utils import np_utils
import numpy as np
# load data
(X_train, y_train), (X_test, y_test) = mnist.load_data()
# flatten 28*28 images to a 784 vector for each image
num_pixels = X_train.shape[1] * X_train.shape[2]
X_train = X_train.reshape((X_train.shape[0], num_pixels)).astype('float32')
X_test = X_test.reshape((X_test.shape[0], num_pixels)).astype('float32')
# normalize inputs from 0-255 to 0-1
X_train = X_train / 255
X_test = X_test / 255
# one hot encode outputs
y_train = np_utils.to_categorical(y_train)
y_test = np_utils.to_categorical(y_test)
num_classes = y_test.shape[1]
# define baseline model
def baseline_model():
# create model
model = Sequential()
model.add(Dense(num_pixels, input_dim=num_pixels, kernel_initializer='normal', activation='relu'))
model.add(Dense(num_classes, kernel_initializer='normal', activation='softmax'))
# Compile model
model.compile(loss='categorical_crossentropy', optimizer='adam', metrics=['accuracy'])
return model
# build the model
model = baseline_model()
print("created model")
# Fit the model
model.fit(X_train, y_train, validation_data=(X_test, y_test), epochs=10, batch_size=200, verbose=2)
print("did model.fit")
image_index=0
print("correct result : ", y_test[image_index])
print("shape of the array: ", X_test[0].shape)
print("predicted result : ", model.predict(X_test[image_index]))
现在我得到以下错误:
ValueError: Error when checking input: expected dense_input to have shape (784,) but got array with shape (1,)
虽然我的数组确实有正确的形状!如您所见,我打印了 print("shape of the array: ", X_test[0].shape)
,它执行 return shape of the array: (784,)
。 784 正是我们想要的尺寸,但我仍然收到该错误。
我花了几个小时试图解决这个问题,但无论我尝试什么(例如重塑数组),它似乎都不起作用。显然,对于 keras 的预测函数或数组存在一些误解。你能帮我理解和解决这个问题吗? 先感谢您。
所以预测函数仍然期望 0 维度作为样本维度。
当您索引 X_test[0] 时,您基本上删除了这个维度,这导致预测函数现在有 784 个 1 像素样本!
将您的代码更改为:
print("predicted result : ", model.predict(X_test[0].reshape(-1,num_pixels)))
现在你应该有结果概率了。
编辑:
如果你只想要最大概率预测数:
print("predicted result : ", np.argmax(model.predict(X_test[0].reshape(-1,num_pixels)), axis = 1))
对机器学习完全陌生,我想从一个相当简单的项目开始:我简单使用的数字识别器