Pytorch实现mnist手写数字识别

2020/6/29

Hey,突然想起来之前做的一个入门实验,用pytorch实现mnist手写数字识别。可以在这个基础上增加网络层数,或是尝试用不同的数据集,去实现不一样的功能。

Mnist数据集如图:

Pytorch实现mnist手写数字识别

代码如下:

  1. import torch  
  2. import torch.nn as nn  
  3. import torch.utils.data as Data  
  4. import torchvision      # 数据库模块  
  5. import matplotlib.pyplot as plt  
  6.   
  7. torch.manual_seed(1)    # reproducible  
  8.   
  9. # Hyper Parameters  
  10. EPOCH = 1           # 训练整批数据多少次, 为了节约时间, 我们只训练一次  
  11. BATCH_SIZE = 50  
  12. LR = 0.001          # 学习率  
  13. DOWNLOAD_MNIST = True  # 如果你已经下载好了mnist数据就写上 False  
  14.   
  15.   
  16. # Mnist 手写数字  
  17. train_data = torchvision.datasets.MNIST(  
  18.     root='./mnist/',    # 保存或者提取位置  
  19.     train=True,  # this is training data  
  20.     transform=torchvision.transforms.ToTensor(),    # 转换 PIL.Image or numpy.ndarray 成  
  21.                                                     # torch.FloatTensor (C x H x W), 训练的时候 normalize 成 [0.0, 1.0] 区间  
  22.     download=DOWNLOAD_MNIST,          # 没下载就下载, 下载了就不用再下了  
  23. )  
  24. test_data = torchvision.datasets.MNIST(root='./mnist/', train=False)  
  25.   
  26. # 批训练 50samples, 1 channel, 28x28 (50, 1, 28, 28)  
  27. train_loader = Data.DataLoader(dataset=train_data, batch_size=BATCH_SIZE, shuffle=True)  
  28.   
  29. # 为了节约时间, 我们测试时只测试前2000个  
  30. test_x = torch.unsqueeze(test_data.test_data, dim=1).type(torch.FloatTensor)[:2000]/255.   # shape from (2000, 28, 28) to (2000, 1, 28, 28), value in range(0,1)  
  31. test_y = test_data.test_labels[:2000]  
  32. class CNN(nn.Module):  
  33.     def __init__(self):  
  34.         super(CNN, self).__init__()  
  35.         self.conv1 = nn.Sequential(  # input shape (1, 28, 28)  
  36.             nn.Conv2d(  
  37.                 in_channels=1,      # input height  
  38.                 out_channels=16,    # n_filters  
  39.                 kernel_size=5,      # filter size  
  40.                 stride=1,           # filter movement/step  
  41.                 padding=2,      # 如果想要 con2d 出来的图片长宽没有变化, padding=(kernel_size-1)/2 当 stride=1  
  42.             ),      # output shape (16, 28, 28)  
  43.             nn.ReLU(),    # activation  
  44.             nn.MaxPool2d(kernel_size=2),    # 在 2x2 空间里向下采样, output shape (16, 14, 14)  
  45.         )  
  46.         self.conv2 = nn.Sequential(  # input shape (16, 14, 14)  
  47.             nn.Conv2d(16, 32, 5, 1, 2),  # output shape (32, 14, 14)  
  48.             nn.ReLU(),  # activation  
  49.             nn.MaxPool2d(2),  # output shape (32, 7, 7)  
  50.         )  
  51.         self.out = nn.Linear(32 * 7 * 7, 10)   # fully connected layer, output 10 classes  
  52.   
  53.     def forward(self, x):  
  54.         x = self.conv1(x)  
  55.         x = self.conv2(x)  
  56.         x = x.view(x.size(0), -1)   # 展平多维的卷积图成 (batch_size, 32 * 7 * 7)  
  57.         output = self.out(x)  
  58.         return output  
  59.   
  60. cnn = CNN()  
  61. print(cnn)  # net architecture  
  62. """ 
  63. CNN ( 
  64.   (conv1): Sequential ( 
  65.     (0): Conv2d(1, 16, kernel_size=(5, 5), stride=(1, 1), padding=(2, 2)) 
  66.     (1): ReLU () 
  67.     (2): MaxPool2d (size=(2, 2), stride=(2, 2), dilation=(1, 1)) 
  68.   ) 
  69.   (conv2): Sequential ( 
  70.     (0): Conv2d(16, 32, kernel_size=(5, 5), stride=(1, 1), padding=(2, 2)) 
  71.     (1): ReLU () 
  72.     (2): MaxPool2d (size=(2, 2), stride=(2, 2), dilation=(1, 1)) 
  73.   ) 
  74.   (out): Linear (1568 -> 10) 
  75. """  
  76. optimizer = torch.optim.Adam(cnn.parameters(), lr=LR)   # optimize all cnn parameters  
  77. loss_func = nn.CrossEntropyLoss()   # the target label is not one-hotted  
  78.   
  79. # training and testing  
  80. for epoch in range(EPOCH):  
  81.     for step, (b_x, b_y) in enumerate(train_loader):   # 分配 batch data, normalize x when iterate train_loader  
  82.         output = cnn(b_x)               # cnn output  
  83.         loss = loss_func(output, b_y)   # cross entropy loss  
  84.         optimizer.zero_grad()           # clear gradients for this training step  
  85.         loss.backward()                 # backpropagation, compute gradients  
  86.         optimizer.step()                # apply gradients  
  87.   
  88. """ 
  89. ... 
  90. Epoch:  0 | train loss: 0.0306 | test accuracy: 0.97 
  91. Epoch:  0 | train loss: 0.0147 | test accuracy: 0.98 
  92. Epoch:  0 | train loss: 0.0427 | test accuracy: 0.98 
  93. Epoch:  0 | train loss: 0.0078 | test accuracy: 0.98 
  94. """  
  95. test_output = cnn(test_x[:10])  
  96. pred_y = torch.max(test_output, 1)[1].data.numpy().squeeze()  
  97. print(pred_y, 'prediction number')  
  98. print(test_y[:10].numpy(), 'real number')  
  99.   
  100. """ 
  101. [7 2 1 0 4 1 4 9 5 9] prediction number 
  102. [7 2 1 0 4 1 4 9 5 9] real number 
  103. """  

 

这个项目还是很有意思,对于初学者可以先试着对32-60行进行修改,增加网络层数。看看最后效果如何。

九层之台,起于累土。那天看到一句话,一个人把自己的事情做好,已经很不容易了。现在回想起之前安安静静在实验室的日子感觉很遥远,这半年来总是有各种各样的烦心事儿,也少了很多可以静下心来安静学习的时间。也许这就是生活吧C'est La Vie。我们总是要迎接挑战的,虽然没法回学习但是在智星云组用的GPU也是一样的好用,环境都是配置好了的,用来做实验非常节省时间和精力。有同样需求的朋友可以参考:智星云官网: http://www.ai-galaxy.cn/,淘宝店:https://shop36573300.taobao.com/公众号: 智星AI,

Pytorch实现mnist手写数字识别

最后再唠叨两句,明天就是6月的最后一天了,眼看着2020年就要过去一半了,岁月不居,时节如流。通过这次疫情也让我深刻的认识到管理好自己的时间是多么的重要。往者不可谏,来者犹可追。

 

PEACE

 

参考资料:

https://pytorch.org/docs/stable/index.html

https://morvanzhou.github.io/tutorials/machine-learning/torch/

http://www.planetb.ca/syntax-highlight-word

http://www.ai-galaxy.cn/

https://shop36573300.taobao.com/