手写数字识别mnist

简介: 本文介绍了使用Keras框架对MNIST手写数字识别数据集进行处理、建立神经网络模型、编译、训练、评估直至模型精度分析的完整流程。

第一步:加载keras中的mnist集

from keras.datasets import mnist
(train_images, train_labels),(test_images, test_labels) = mnist.load_data()

print(train_images.shape)#查看效果的,这两步可以忽略
print(test_images.shape)

熟悉一下matplotlib.pyplot数据显示

import matplotlib.pyplot as plt
plt.figure()#新建一个图层
plt.imshow(train_images[0],cmap=“gray”)
plt.show()

第二步:建立网络架构,

from keras import models
from keras import layers

层layer就像数据处理的筛子

本例子含有两个Dense层,最后是一个10路的激活层softmax层,返回一个由10个概率值组成的数组,表示10个数字类别中某一个的概率

network=models.Sequential()
network.add(layers.Dense(512,activation=‘relu’,input_shape=(28*28,)))
network.add(layers.Dense(10,activation=‘softmax’))

第三步:编译

optimizer 优化器,loss损失函数,metrics代码级数据监控

network.compile(optimizer=‘rmsprop’,loss=‘categorical_crossentropy’,metrics=[‘accuracy’])

第四步:准备图像数据和标签

train_images = train_images.reshape((60000, 28 * 28))#图像处理
train_images = train_images.astype(‘float32’) / 255
test_images = test_images.reshape((10000, 28 * 28))
test_images = test_images.astype(‘float32’) / 255

通过二维关系矩阵的方式,生成一个对应关系

from keras.utils.all_utils import to_categorical
train_labels = to_categorical(train_labels)
test_labels = to_categorical(test_labels)

第五步:拟合(FIT)模型

network.fit(train_images,train_labels,batch_size=64,epochs=5)

第六步:评估(EVALUATE)模型

test_loss,test_acc=network.evaluate(test_images,test_labels)

第七步:查看测试集的精度

print(‘test_acc’,test_acc)

训练精度和测试精度之间的这种差距是过拟合(overfit)造成的

相关文章
|
8月前
|
机器学习/深度学习 编解码 PyTorch
Pytorch实现手写数字识别 | MNIST数据集(CNN卷积神经网络)
Pytorch实现手写数字识别 | MNIST数据集(CNN卷积神经网络)
|
8月前
|
机器学习/深度学习 数据可视化 PyTorch
利用PyTorch实现基于MNIST数据集的手写数字识别
利用PyTorch实现基于MNIST数据集的手写数字识别
169 2
|
机器学习/深度学习 数据可视化 自动驾驶
图像分类 | 基于 MNIST 数据集
图像分类 | 基于 MNIST 数据集
|
机器学习/深度学习 TensorFlow 算法框架/工具
【深度学习】基于tensorflow的服装图像分类训练(数据集:Fashion-MNIST)
【深度学习】基于tensorflow的服装图像分类训练(数据集:Fashion-MNIST)
369 0
|
TensorFlow 算法框架/工具
实现mnist手写数字识别
实现mnist手写数字识别
|
机器学习/深度学习 TensorFlow 算法框架/工具
TensorFlow MNIST手写数字识别(神经网络极简版)
TensorFlow MNIST手写数字识别(神经网络极简版)
TensorFlow MNIST手写数字识别(神经网络极简版)
|
机器学习/深度学习 并行计算 数据可视化
pytorch实现mnist手写数字识别
pytorch实现mnist手写数字识别
pytorch实现mnist手写数字识别
|
机器学习/深度学习 人工智能 算法
卷积神经网络CNN实现mnist手写数字识别
卷积神经网络CNN实现mnist手写数字识别
卷积神经网络CNN实现mnist手写数字识别
|
机器学习/深度学习 PyTorch 算法框架/工具
Pytorch 基于AlexNet的服饰识别(使用Fashion-MNIST数据集)
Pytorch 基于AlexNet的服饰识别(使用Fashion-MNIST数据集)
397 0
Pytorch 基于AlexNet的服饰识别(使用Fashion-MNIST数据集)
|
机器学习/深度学习 PyTorch 算法框架/工具
Pytorch 基于VGG-16的服饰识别(使用Fashion-MNIST数据集)
Pytorch 基于VGG-16的服饰识别(使用Fashion-MNIST数据集)
539 0
Pytorch 基于VGG-16的服饰识别(使用Fashion-MNIST数据集)

热门文章

最新文章

相关实验场景

更多