python怎么导入数据集keras_python – 如何在训练MNIST数据集后使用keras中的cnn预测我自己的图像...

我已经制作了一个卷积神经网络来预测使用MNIST数据集的手写数字但是现在我被困在预测我自己的图像作为cnn的输入,我在训练cnn后保存了权重并且想用它来预测我自己的图像(注意:关心我的输入图像是28×28)

码:

new_mnist.py:

ap = argparse.ArgumentParser()

ap.add_argument("-s", "--save-model", type=int, default=-1,

help="(optional) whether or not model should be saved to disk")

ap.add_argument("-l", "--load-model", type=int, default=-1,

help="(optional) whether or not pre-trained model should be loaded")

ap.add_argument("-w", "--weights", type=str,

help="(optional) path to weights file")

args = vars(ap.parse_args())

# fix random seed for reproducibility

seed = 7

numpy.random.seed(seed)

# load data

print("[INFO] downloading data...")

(X_train, y_train), (X_test, y_test) = mnist.load_data()

# reshape to be [samples][pixels][width][height]

X_train = X_train.reshape(X_train.shape[0], 1, 28, 28).astype('float32')

X_test = X_test.reshape(X_test.shape[0], 1, 28, 28).astype('float32')

print(X_test.shape[0])

# 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]

# build the model

print("[INFO] compiling model...")

model = LeNet.build(num_classes = num_classes,weightsPath = args["weights"] if args["load_model"] > 0 else None)

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

if args["load_model"] < 0:

# Fit the model

print("[INFO] training...")

model.fit(X_train, y_train, validation_data=(X_test, y_test), epochs=1, batch_size=200, verbose=2)

# Final evaluation of the model

print("[INFO] evaluating...")

scores = model.evaluate(X_test, y_test, verbose=0)

print("Baseline Error: %.2f%%" % (100-scores[1]*100))

elif args["load_model"] > 0:

im = imread("C:\\Users\\Divyesh\\Desktop\\mnist.png")

im = im/255

pr = model.predict_classes(im)

print(pr)

# check to see if the model should be saved to file

if args["save_model"] > 0:

print("[INFO] dumping weights to file...")

model.save_weights(args["weights"], overwrite=True)

lenet.py:

class LeNet:

@staticmethod

def build(num_classes,weightsPath = None):

# create model

model = Sequential()

model.add(Convolution2D(30, 5, 5, border_mode='valid', input_shape=(1, 28, 28), activation='relu'))

model.add(MaxPooling2D(pool_size=(2, 2)))

model.add(Convolution2D(15, 3, 3, activation='relu'))

model.add(MaxPooling2D(pool_size=(2, 2)))

model.add(Dropout(0.2))

model.add(Flatten())

model.add(Dense(128, activation='relu'))

model.add(Dense(50, activation='relu'))

model.add(Dense(num_classes, activation='softmax'))

# Compile model

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

if weightsPath is not None:

model.load_weights(weightsPath)

return model

在new_mnist.py我调用了预测(im),其中im是28×28图像,但在运行此程序后,我收到错误:

ValueError: Error when checking : expected conv2d_1_input to have 4 dimensions, but got array with shape (28, 28)

救命!!!

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值