前言:本篇文章是关于数字识别器的识别和卷积神经网络的应用。
若对卷积神经网络不熟悉,可参考文章:卷积神经网络
关于深度学习的一些代码及实战,可参考深度学习基础(github)
下面我们尝试用PyTorch搭建一个卷积神经网络,并用它来解决手写数字识别的问题。
1、数据准备
# torchvision主要是导入数据,若认为麻烦,可使用d2l中的数据集;若没有torchvision,在cmd输入pip install torchvision
import torch
import torchvision
from torch import nn
import torchvision.transforms as transforms
from d2l import torch as d2l
import matplotlib.pyplot as plt
2、数据集导入
事实上PyTorch自带了一系列数据集,其中就包括我们将使用的手写数字数据集MNIST(这是一组手写数字的图像),还开发了数据处理的包,封装了处理数据集的常用功能,可以将各种数据类型转换成张量,方便以后的批训练。
# 假设你使用 torchvision 来加载数据
transform = transforms.Compose([
transforms.ToTensor(), # 将图片转换为 Tensor
transforms.Normalize((0.5,), (0.5,)) # 归一化
])
# 加载训练集
trainset = torchvision.datasets.MNIST(root='./data', train=True, download=True, transform=transform)
train_loader = torch.utils.data.DataLoader(trainset, batch_size=64, shuffle=True)
# 加载训练集
testset = torchvision.datasets.MNIST(root='./data', train=False, download=True, transform=transform)
test_loader = torch.utils.data.DataLoader(testset, batch_size=64, shuffle=True)
# 若不想使用torchvision ,可使用 d2l
# train_iter, test_iter = d2l.load_data_fashion_mnist(batch_size, resize=224)
3、照片展示
对于已经处理好的数据,我们可以直接根据索引去提取,并通过Python的绘图处理包将手写数字显示出来。
pic,label=trainset[0]
pic=pic.numpy()
plt.imshow(pic[0])
# plt.imshow(pic[0],cmap='gray')
print(label)
3、cnn模型构造(以AlexNet为例)
dropout正是一种防止过拟合的技术。简单来说,dropout就是指在深度网络的训练过程中,根据一定的概率随机将其中的一些神经元暂时丢弃。Conv2d为卷积层操作,MaxPool2d为池化层操作,采用最大汇聚方法,使用relu激活函数。
net = nn.Sequential(
nn.Conv2d(1, 96, kernel_size=2, stride=2, padding=1), nn.ReLU(),
nn.MaxPool2d(kernel_size=3, stride=2),
nn.Conv2d(96, 256, kernel_size=5, padding=2), nn.ReLU(),
nn.MaxPool2d(kernel_size=3, stride=2),
nn.Conv2d(256, 384, kernel_size=3, padding=1), nn.ReLU(),
nn.Conv2d(384, 384, kernel_size=3, padding=1), nn.ReLU(),
nn.Conv2d(384, 256, kernel_size=3, padding=1), nn.ReLU(),
nn.MaxPool2d(kernel_size=3, stride=2), # 假设这一步后尺寸变为1x1或接近
nn.Flatten(),
nn.Linear(256, 4096), nn.ReLU(),
nn.Dropout(p=0.5),
nn.Linear(4096, 4096), nn.ReLU(),
nn.Dropout(p=0.5),
nn.Linear(4096, 10)
)
4、训练模型
num_epochs,lr=10,0.05 #批次,学习率
batch_size = 256 # 每批的数量
# 定义损失函数
d2l.train_ch6(net, train_loader, test_loader, num_epochs, lr, d2l.try_gpu())
5、补充(补充神经网络的代码实现)
def evaluate_accuracy_gpu(net, data_iter, device=None):
"""
使用GPU计算模型在数据集上的精度
net: 神经网络模型,预期是一个torch.nn.Module的实例。
data_iter: 数据迭代器,用于迭代访问数据集中的样本。
device: 指定计算应该在哪个设备上执行(CPU或GPU)。如果未指定,则自动从net的参数中推断出设备。
"""
if isinstance(net, nn.Module):
net.eval() # 设置为评估模式
if not device:
device = next(iter(net.parameters())).device
# 用于累积两个值:正确预测的数量和总预测的数量。这个累积器在循环中用于计算准确率。
metric = d2l.Accumulator(2)
# 上下文管理器禁用梯度计算,在评估模式下不需要计算梯度。然后,遍历数据迭代器中的每一批数据
with torch.no_grad():
for X, y in data_iter:
if isinstance(X, list):
# BERT微调所需
X = [x.to(device) for x in X]
else:
X = X.to(device)
y = y.to(device)
# 计算当前批次数据的准确率,并将其与当前批次中的样本数一起添加到累积器中
metric.add(d2l.accuracy(net(X), y), d2l.size(y))
# 返回准确率
return metric[0] / metric[1]
def train_ch6(net, train_iter, test_iter, num_epochs, lr, device):
# 参数初始化
def init_weights(m):
if type(m)==nn.Linear or type(m)==nn.Conv2d:
# 初始化权重
nn.init.xavier_uniform_(m.weight)
# 将这个函数加到net网络中
net.apply(init_weights)
# 判断设备 是GPU还是CPU
print('device on:',device)
# 将设备也加入网络中
net.to(device)
# 定义损失函数 交叉熵损失函数
loss=nn.CrossEntropyLoss()
# 定义优化器
optimizer=torch.optim.SGD(net.parameters(),lr=lr)
# 可视化训练过程中的损失和准确率
animator = d2l.Animator(xlabel='epoch', xlim=[1, num_epochs],
legend=['train loss', 'train acc', 'test acc'])
timer, num_batches = d2l.Timer(), len(train_iter)
# 进行模型训练
for epoch in range(num_epochs):
# 重置累计器,分别记录 训练损失,准确率,样本数
metric = d2l.Accumulator(3)
net.train()
for i,(X,y) in enumerate(train_iter):
# 累计器开始工作
timer.start()
# 梯度设为零
optimizer.zero_grad()
# 将数据放入到指定设备中
X,y=X.to(device),y.to(device)
# 模型进行训练
y_hat=net(X)
# 计算损失函数
l=loss(y_hat,y)
# 反向传播
l.backward()
# 优化器
optimizer.step()
# 如果没有梯度
with torch.no_grad():
# 记录 计算每个样本的训练损失,准确率,样本数据
metric.add(l*X.shape[0],d2l.accuracy(y_hat,y),X.shape[0])
# 训练结束,对数据进行处理
timer.stop()
# 计算总的训练损失
train_loss=metric[0]/metric[2]
# 计算总的准确率
train_acc=metric[1]/metric[2]
# 进行绘图
if (i + 1) % (num_batches // 5) == 0 or i == num_batches - 1:
animator.add(epoch + (i + 1) / num_batches,(train_loss, train_acc, None))
test_acc = evaluate_accuracy_gpu(net, test_iter)
animator.add(epoch + 1, (None, None, test_acc))
# 打印当前轮次的训练损失、训练准确率和测试准确率
print(f'loss {train_loss:.3f}, train acc {train_acc:.3f}, '
f'test acc {test_acc:.3f}')
# 计算并打印平均每秒处理的样本数。
print(f'{metric[2] * num_epochs / timer.sum():.1f} examples/sec '
f'on {str(device)}')
num_epochs,lr=10,0.05
batch_size = 256
num=len(train_loader)
# 定义损失函数
train_ch6(net, train_loader, test_loader, num_epochs, lr, d2l.try_gpu())