代码:

import torch
import torch.nn as nn
import torch.utils.data as Data
import torchvision # 数据库模块
import matplotlib.pyplot as plt torch.manual_seed() # reproducible
# Hyper Parameters
EPOCH = # 训练整批数据多少次, 为了节约时间, 我们只训练一次
BATCH_SIZE =
LR = 0.001 # 学习率
DOWNLOAD_MNIST = False # 如果你已经下载好了mnist数据就写上 False
# Mnist 手写数字
train_data = torchvision.datasets.MNIST(
root='./mnist/', # 保存或者提取位置
train=True, # this is training data
transform=torchvision.transforms.ToTensor(), # 转换 PIL.Image or numpy.ndarray 成
# torch.FloatTensor (C x H x W), 训练的时候 normalize 成 [0.0, 1.0] 区间
download=DOWNLOAD_MNIST, # 没下载就下载, 下载了就不用再下了
)
#plot one example
# print(train_data.test_data.shape)#torch.Size([, , ])
# print(train_data.train_labels.shape)#torch.Size([])
# print(train_data.train_data[].shape)#torch.Size([, ])
#
# plt.imshow(train_data.train_data[],cmap='gray')
# plt.title('%d'%train_data.train_labels[])
# plt.show() #测试数据
test_data = torchvision.datasets.MNIST(root='./mnist/', train=False) # print(test_data.test_data.shape)#torch.Size([, , ])
# 为了节约时间, 我们测试时只测试前2000个
test_x = torch.unsqueeze(test_data.test_data, dim=).type(torch.FloatTensor)[:] # /.shape from (, , ) to (, , , ), value in range(,)
test_y = test_data.test_labels[:] # 批训练 50samples, channel, 28x28 (, , , )
train_loader = Data.DataLoader(dataset=train_data, batch_size=BATCH_SIZE, shuffle=True) class CNN(nn.Module):
def __init__(self):
super(CNN, self).__init__()
self.conv1=nn.Sequential(
nn.Conv2d(
in_channels=,
out_channels=,#n_filters
kernel_size=, # filter size
stride=, # filter movement/step
padding=, # 如果想要 con2d 出来的图片长宽没有变化, padding=(kernel_size-)/ 当 stride=
),# output shape (, , )
nn.ReLU(),
nn.MaxPool2d(kernel_size=)# output shape (, , )
)
self.conv2=nn.Sequential(
nn.Conv2d(,,,,),# output shape (, , )
nn.ReLU(),
nn.MaxPool2d()# output shape (, , )
)
self.out=nn.Linear(**,)# fully connected layer, output classes
def forward(self, x):
x=self.conv1(x)
x=self.conv2(x)
#print(x.shape)#output:torch.Size([, , , ])
x = x.view(x.size(), -) # 展平多维的卷积图成 (batch_size, * * )
# print(x.shape)#output:torch.Size([, ])
output = self.out(x)
return output
cnn=CNN()
optimizer = torch.optim.Adam(cnn.parameters(), lr=LR) # optimize all cnn parameters
loss_func = nn.CrossEntropyLoss() # the target label is not one-hotted
# training and testing
for epoch in range(EPOCH):
for step, (b_x, b_y) in enumerate(train_loader): # 分配 batch data, normalize x when iterate train_loader
print('step:',step)
output = cnn(b_x) # cnn output
loss = loss_func(output, b_y) # cross entropy loss
optimizer.zero_grad() # clear gradients for this training step
loss.backward() # backpropagation, compute gradients
optimizer.step() # apply gradients
test_output = cnn(test_x[:])
#test_x[:].shape=torch.Size([, , , ])
#test_output.shape=torch.Size([, ])
print('test_output:',test_output)
# test_output: tensor([[-1383.2828, -1148.1272, 311.1780, 153.0877, -3062.3340, -886.6730,
# -5819.7256, 3619.9558, -1544.4225, 193.6745],
# [ 282.6339, 647.2642, 3027.1570, -379.0817, -3403.5310, -2406.4951,
# -1117.4684, -4085.4429, -306.6578, -3844.1602],
# [-1329.7642, 1895.3890, -755.7719, -1378.9316, -314.2351, -1607.4249,
# -1026.8795, -428.1658, -385.1328, -1404.5205],
# [ 2991.5627, -3583.5374, -554.1349, -2472.6204, -1712.7700, -1092.7367,
# 148.9156, -1580.6696, -1126.8331, -477.7481],
# [-1818.9655, -1502.3574, -1620.6603, -2142.3472, 2529.0496, -2008.2731,
# -1585.5699, -786.7817, -1372.2627, 848.0875],
# [-1415.7609, 2248.9607, -909.5534, -1656.6108, -311.2874, -2255.2163,
# -1643.2495, -149.4040, -342.9626, -1372.8961],
# [-3766.0422, -484.8116, -1971.9016, -2483.8538, 1448.3118, -1048.7388,
# -2411.9790, -1089.5471, 422.1722, 249.8736],
# [-2933.3752, -877.4833, -671.7119, -573.4670, 63.9295, -497.9561,
# -2236.4597, -1218.2463, -296.5850, 1256.0739],
# [-2187.7292, -4899.0063, -2404.6597, -2595.0764, -2987.9624, 2052.1494,
# 335.9461, -2942.6995, 275.7964, -551.2797],
# [-1903.9233, -3449.5530, -1652.7020, -1087.9016, -515.1445, -1170.5551,
# -3734.2666, 628.9314, 69.0235, 2096.6257]],
# grad_fn=<AddmmBackward>)
print('test_output.shape:',test_output.shape)
# test_output.shape: torch.Size([, ]) pred_y = torch.max(test_output, )[].data.numpy().squeeze()
print(pred_y, 'prediction number')
print(test_y[:].numpy(), 'real number')

利用卷积神经网络实现MNIST手写数据识别的更多相关文章

  1. 【TensorFlow-windows】(四) CNN(卷积神经网络)进行手写数字识别(mnist)

    主要内容: 1.基于CNN的mnist手写数字识别(详细代码注释) 2.该实现中的函数总结 平台: 1.windows 10 64位 2.Anaconda3-4.2.0-Windows-x86_64. ...

  2. Pytorch1.0入门实战一:LeNet神经网络实现 MNIST手写数字识别

    记得第一次接触手写数字识别数据集还在学习TensorFlow,各种sess.run(),头都绕晕了.自从接触pytorch以来,一直想写点什么.曾经在2017年5月,Andrej Karpathy发表 ...

  3. keras—神经网络CNN—MNIST手写数字识别

    from keras.datasets import mnist from keras.utils import np_utils from plot_image_1 import plot_imag ...

  4. 第三节,CNN案例-mnist手写数字识别

    卷积:神经网络不再是对每个像素做处理,而是对一小块区域的处理,这种做法加强了图像信息的连续性,使得神经网络看到的是一个图像,而非一个点,同时也加深了神经网络对图像的理解,卷积神经网络有一个批量过滤器, ...

  5. [Python]基于CNN的MNIST手写数字识别

    目录 一.背景介绍 1.1 卷积神经网络 1.2 深度学习框架 1.3 MNIST 数据集 二.方法和原理 2.1 部署网络模型 (1)权重初始化 (2)卷积和池化 (3)搭建卷积层1 (4)搭建卷积 ...

  6. Android+TensorFlow+CNN+MNIST 手写数字识别实现

    Android+TensorFlow+CNN+MNIST 手写数字识别实现 SkySeraph 2018 Email:skyseraph00#163.com 更多精彩请直接访问SkySeraph个人站 ...

  7. Tensorflow实现MNIST手写数字识别

    之前我们讲了神经网络的起源.单层神经网络.多层神经网络的搭建过程.搭建时要注意到的具体问题.以及解决这些问题的具体方法.本文将通过一个经典的案例:MNIST手写数字识别,以代码的形式来为大家梳理一遍神 ...

  8. 基于tensorflow的MNIST手写数字识别(二)--入门篇

    http://www.jianshu.com/p/4195577585e6 基于tensorflow的MNIST手写字识别(一)--白话卷积神经网络模型 基于tensorflow的MNIST手写数字识 ...

  9. 深度学习-tensorflow学习笔记(1)-MNIST手写字体识别预备知识

    深度学习-tensorflow学习笔记(1)-MNIST手写字体识别预备知识 在tf第一个例子的时候需要很多预备知识. tf基本知识 香农熵 交叉熵代价函数cross-entropy 卷积神经网络 s ...

随机推荐

  1. HTML 回到顶部 浮动

    回到顶部 <div id="FloatDIV" style="position: absolute; top: 0px; z-index: 9999; backgr ...

  2. Vmware 困惑点记录和解释

    个人理解,如果有不同见解,麻烦请留言,一起进行探讨: DRS和HA是两个独立的功能. 准入控制只是保障有资源打开故障后迁移来的虚拟机,就算自身已经超过切换的阈值了,HA也是可以迁移过去的. 虚拟机允许 ...

  3. css中标签总结

    cursor CSS属性定义鼠标指针悬浮在元素上方显示的鼠标光标cursor:pointer: 小手 cursor:wait:等待....很多种 <span contenteditable=&q ...

  4. JavaScript—面向对象 贪吃蛇_3 蛇对象

    蛇对象 function Snake(element) { this.width = 20 this.height = 20 //蛇身 位置 颜色 this.body = [ {x: 6, y: 4, ...

  5. share团队冲刺9

    团队冲刺第九天 昨天:完善代码 今天:修改代码中的问题,提高兼容性 问题:无

  6. bfs--奇怪的电梯P1135

    计院有一个bug电梯,可能是hyk造的,很多bug,电梯只有两个按钮,“上”和“下”,电梯每层都可以停,每层都有一个数字Ki(0<=Ki<=n),当你在一层楼,你按“上”键会到1+K1层, ...

  7. Java之线程通信的应用:经典例题:生产者/消费者问题

    /** * 线程通信的应用:经典例题:生产者/消费者问题 * * 生产者(Productor)将产品交给店员(Clerk),而消费者(Customer)从店员处取走产品, * 店员一次只能持有固定数量 ...

  8. 注册登录页面修订-Python使用redis-手机验证接口-发送短信验证

    登录页面修订 views.Login.vue <template> <div class="login box"> <img src="@/ ...

  9. pytHon深度学习(3.4)

    keras绘制损失函数曲线 # -*- coding: utf-8 -*-'''Trains a simple deep NN on the MNIST dataset.Gets to 98.40% ...

  10. 尝试brpc来升级rpc服务,测试应用过程

    照着官方文档来,不过在mac下还是有些小坑 对熟悉c++的人来说很小儿科,但对c++相对比较外行 (只知道基本语法和部分数据结构)的人,还是作不到开箱即用 首先编译```If you need to ...