下面我们来详细讲解“PyTorch实现手写数字的识别入门小白教程”的完整攻略。
一、前言
本教程主要介绍如何使用PyTorch实现手写数字的识别。手写数字识别常用于图像识别等领域,在深度学习领域也是一个重要的基础应用。
在本教程中,我们将分为以下几个部分来实现手写数字的识别:
- 数据的准备;
- 模型的建立;
- 模型的训练;
- 模型的测试和预测。
二、数据的准备
本教程使用MNIST数据集,这是一个常用的手写数字数据集。我们可以使用PyTorch提供的工具来下载和处理数据集。
import torch
import torchvision.transforms as transforms
from torchvision.datasets import MNIST
# 定义预处理操作
transform = transforms.Compose([
transforms.ToTensor(), # 将图像转换为Tensor
transforms.Normalize(mean=[0.5], std=[0.5]) # 归一化图像
])
# 下载并加载训练数据集
train_set = MNIST(root='./data', train=True, transform=transform, download=True)
# 下载并加载测试数据集
test_set = MNIST(root='./data', train=False, transform=transform, download=True)
三、模型的建立
我们可以使用PyTorch构建神经网络,这里我们使用一个简单的卷积神经网络来实现手写数字的识别。
import torch.nn as nn
import torch.nn.functional as F
# 定义神经网络
class Net(nn.Module):
def __init__(self):
super(Net, self).__init__()
self.conv1 = nn.Conv2d(1, 32, 3, 1)
self.conv2 = nn.Conv2d(32, 64, 3, 1)
self.dropout1 = nn.Dropout2d(0.25)
self.dropout2 = nn.Dropout2d(0.5)
self.fc1 = nn.Linear(9216, 128)
self.fc2 = nn.Linear(128, 10)
def forward(self, x):
x = self.conv1(x)
x = F.relu(x)
x = self.conv2(x)
x = F.relu(x)
x = F.max_pool2d(x, 2)
x = self.dropout1(x)
x = torch.flatten(x, 1)
x = self.fc1(x)
x = F.relu(x)
x = self.dropout2(x)
x = self.fc2(x)
output = F.log_softmax(x, dim=1)
return output
# 创建模型
model = Net()
四、模型的训练
这里我们将使用随机梯度下降(SGD)算法来训练模型。训练过程中我们需要设置一些超参数,比如学习率、损失函数等。
import torch.optim as optim
# 定义超参数
batch_size = 64
lr = 0.01
epochs = 10
# 定义损失函数和优化器
criterion = nn.NLLLoss()
optimizer = optim.SGD(model.parameters(), lr=lr)
# 定义数据集和数据加载器
train_loader = torch.utils.data.DataLoader(train_set, batch_size=batch_size, shuffle=True)
test_loader = torch.utils.data.DataLoader(test_set, batch_size=batch_size, shuffle=True)
# 开始训练
for epoch in range(epochs):
for data, target in train_loader:
optimizer.zero_grad()
output = model(data)
loss = criterion(output, target)
loss.backward()
optimizer.step()
print('Epoch {} finished'.format(epoch + 1))
五、模型的测试和预测
训练完模型后,我们可以用测试集来评估模型的性能,并使用模型来预测新的手写数字图像。
# 在测试集上测试模型性能
correct = 0
total = 0
with torch.no_grad():
for data, target in test_loader:
output = model(data)
_, predicted = torch.max(output.data, 1)
total += target.size(0)
correct += (predicted == target).sum().item()
print('Accuracy on the test set: {:.2f}%'.format(100 * correct / total))
# 使用模型进行预测
import matplotlib.pyplot as plt
import numpy as np
from PIL import Image
# 加载新的手写数字图像
img = Image.open('8.png').convert('L')
img = img.resize((28, 28))
# 处理图像
img = transforms.ToTensor()(img)
img = transforms.Normalize(mean=[0.5], std=[0.5])(img)
img = img.view(1, 1, 28, 28)
# 使用模型进行预测
output = model(img)
_, predicted = torch.max(output.data, 1)
# 显示预测结果
plt.imshow(np.array(img[0][0]), cmap='gray')
plt.axis('off')
plt.title('Predicted digit: {}'.format(predicted.item()))
plt.show()
结论
在本教程中,我们介绍了如何使用PyTorch实现手写数字的识别。我们首先准备了数据集,然后使用一个卷积神经网络进行训练,并最终使用训练好的模型来预测新的手写数字图像。我们希望这个教程能够帮助您入门深度学习和PyTorch。
本站文章如无特殊说明,均为本站原创,如若转载,请注明出处:PyTorch实现手写数字的识别入门小白教程 - Python技术站