卷积神经网络是深度学习模型中一个经典的模型,在图像处理方面的应用非常广泛,有很多基本操作例如卷积,池化,填充,全连接等大家可以参考卷积神经网络简介
引入库
import torch
import torch.nn as nn
import torchvision
import torchvision.transforms as transforms
配置device
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
超参数的设置
num_epochs = 5
num_classes = 10
batch_size = 100
learning_rate = 0.001
数据引入和数据加载
train_dataset = torchvision.datasets.MNIST(root = '../../data',
train = True,
transform=transforms.ToTensor(),
download=True)
test_dataset = torchvision.datasets.MNIST(root = '../../data',
train=False,
transform=transforms.ToTensor())
train_loader = torch.utils.data.DataLoader(dataset = train_dataset,
batch_size = batch_size,
shuffle = True)
test_loader = torch.utils.data.DataLoader(dataset = test_dataset,
batch_size = batch_size,
shuffle = False)
卷积类的定义
class ConvNet(nn.Module):
def __init__(self):
super(ConvNet, self).__init__()
self.layer1 = nn.Sequential(
# pytorch定义网络层是以序列的方式定义的,使用Sequential
# 输入通道为1,输出通道为16,卷积核尺寸5*5,步长为1,填充数为2
nn.Conv2d(1,16,kernel_size=5,stride=1,padding=2),
# Batch Normalization,参数是out_channel
# 是防止梯度爆炸或者梯度消失的有效措施
nn.BatchNorm2d(16),
# 激活函数
nn.ReLU(),
# 池化层
nn.MaxPool2d(kernel_size=2,stride=2)
)
self.layer2 = nn.Sequential(
nn.Conv2d(16,32,kernel_size=5,stride=1,padding=2),
nn.BatchNorm2d(32),
nn.ReLU(),
nn.MaxPool2d(kernel_size=2,stride=2)
)
# 全连接层,输入尺寸是7*7*32,输出是类别数目10
self.fc = nn.Linear(7*7*32,num_classes)
# 前向传播
def forward(self, x):
out = self.layer1(x)
out = self.layer2(out)
# out.size(0)是batch_size,-1表示这个维度我们应该自己计算
# 因为要经过全连接层,所以我们要对维度进行压缩,图片尺寸*channels
out = out.reshape(out.size(0),-1)
out = self.fc(out)
return out
建立模型并声明损失函数和优化器
model = ConvNet(num_classes).to(device)
criterion = nn.CrossEntropyLoss()
optimizer = torch.optim.Adam(model.parameters(),lr = learning_rate)
卷积神经网络我们也是使用交叉熵损失函数来计算loss
训练模型
total_step = len(train_loader)
for epoch in range(num_epochs):
for i,(images,labels) in enumerate(train_loader):
images = images.to(device)
labels = labels.to(device)
# 前向传播计算损失
outputs = model(images)
loss = criterion(outputs,labels)
# 后向传播优化
optimizer.zero_grad()
loss.backward()
optimizer.step()
if (i + 1) % 100 == 0:
print('Epoch [{}/{}], Step [{}/{}], Loss: {:.4f}'
.format(epoch + 1, num_epochs, i + 1, total_step, loss.item()))
测试模型
model.eval() # eval mode(batchnorm uses moving mean/variance instead of mini-batch mean/variance)
with torch.no_grad():
correct = 0
total = 0
for images,labels in test_loader:
images = images.to(device)
labels = labels.to(device)
outputs = model(images)
# .data在之前的文章中介绍过,可以单纯理解成取数据,且设置required_grad = False
_,predicted = torch.max(outputs.data,1)
total += labels.size(0)
correct = (predicted == labels).sum().item()
print('Test Accuracy of the model on the 10000 test images: {} %'.format(100 * correct / total))
model.eval()是一个对于大家来说是一个新鲜的地方,在这里简单解释一下。
只有一部分Module需要用到这个函数,这些module的模型训练和测试是不同的。在我们进行训练的时候我们什么都不需要做,但是当我们测试的时候我们需要用到这个函数,告诉这个用到这个module中某个函数的部分,我们现在是开始测试了。这个函数就会呈现不一样的东西,例如一些参数。
比如在这个例子中,我们的BatchNorm就是这样一个module,测试和训练是不同的,所以我们要告诉它,我们现在是测试阶段了。
类似的Module还有Dropout。(测试和训练阶段的dropout参数设置不同)
保存模型
torch.save(model.state_dict(), 'model.ckpt')
卷积神经网络是一个很重要的基础深度学习网络模型,如果对计算机视觉,无人驾驶和模式识别感兴趣的朋友应该好好研究研究各种卷积神经网络有关的模型。比如Inception-v3与depthwise convolution的关系。
下次我们说另一个在语言处理方面的基础模型——RNN