1.训练数据样本进行增广使用简单的随机左右翻转,预测过程不使用随机图像增广。
使用ToTensor将图像转换为框架所需格式。形状为(批量大小,通道数,高度,宽度)的32位浮点数,取值范围为0~1。
# 训练集只使用简单的随机左右翻转
train_augs = torchvision.transforms.Compose([
torchvision.transforms.RandomHorizontalFlip(),
torchvision.transforms.ToTensor()])
#测试集ToTensor()
test_augs = torchvision.transforms.Compose([torchvision.transforms.ToTensor()])
2.定义辅助函数,读取图像和应用图像增广
# 定义一个辅助函数dataloader,读取图像和应用图像增广
def load_cifar10(is_train, augs, batch_size):
dataset = torchvision.datasets.CIFAR10(root="../data", train=is_train,
transform=augs, download=True)
dataloader = torch.utils.data.DataLoader(dataset, batch_size=batch_size,
shuffle=is_train, num_workers=d2l.get_dataloader_workers())
return dataloader
3.多GPU训练的代码实现
①返回训练损失和精度
def train_batch_ch13(net, X, y, loss, trainer, devices):
"""用多GPU进行小批量训练"""
if isinstance(X, list): # 如果X是一个list,让每一个x都在devices[0]
X = [x.to(devices[0]) for x in X]
else:
X = X.to(devices[0])
y = y.to(devices[0])
net.train() # 训练模式
trainer.zero_grad() # 优化器梯度清零
pred = net(X) # 把X放入模型得到预测值pred
l = loss(pred, y) # 计算损失函数l
l.sum().backward() # 损失函数反向传播求梯度
trainer.step() # 优化器进行优化
train_loss_sum = l.sum() # 损失值
train_acc_sum = d2l.accuracy(pred, y) # 精度
return train_loss_sum, train_acc_sum
②定义训练函数
def train_ch13(net, train_iter, test_iter, loss, trainer, num_epochs,
devices=d2l.try_all_gpus()):
"""用多GPU进行模型训练"""
timer, num_batches = d2l.Timer(), len(train_iter)
animator = d2l.Animator(xlabel='epoch', xlim=[1, num_epochs], ylim=[0, 1],
legend=['train loss', 'train acc', 'test acc'])
net = nn.DataParallel(net, device_ids=devices).to(devices[0]) # 使用多GPU
for epoch in range(num_epochs):
# 4个维度:储存训练损失,训练准确度,实例数,特点数
metric = d2l.Accumulator(4)
for i, (features, labels) in enumerate(train_iter):
timer.start()
l, acc = train_batch_ch13(
net, features, labels, loss, trainer, devices) # 返回损失和精度
metric.add(l, acc, labels.shape[0], labels.numel()) # 画图用的
timer.stop()
if (i + 1) % (num_batches // 5) == 0 or i == num_batches - 1:
animator.add(epoch + (i + 1) / num_batches,
(metric[0] / metric[2], metric[1] / metric[3],
None))
test_acc = d2l.evaluate_accuracy_gpu(net, test_iter) # 测试精度
animator.add(epoch + 1, (None, None, test_acc))
print(f'loss {metric[0] / metric[2]:.3f}, train acc '
f'{metric[1] / metric[3]:.3f}, test acc {test_acc:.3f}')
print(f'{metric[2] * num_epochs / timer.sum():.1f} examples/sec on '
f'{str(devices)}')
③定义train_with_data_aug
函数,使用图像增广训练模型。使用ResNet模型
该函数获取训练集,测试集,损失函数,优化算法,进行训练
batch_size, devices, net = 256, d2l.try_all_gpus(), d2l.resnet18(10, 3)
def init_weights(m): # 随机初始化权重
if type(m) in [nn.Linear, nn.Conv2d]:
nn.init.xavier_uniform_(m.weight) # 批量归一化模型稳定
net.apply(init_weights)
# 定义函数,使用图像增广训练模型
def train_with_data_aug(train_augs, test_augs, net, lr=0.001):
train_iter = load_cifar10(True, train_augs, batch_size) # 训练集
test_iter = load_cifar10(False, test_augs, batch_size) # 测试集
loss = nn.CrossEntropyLoss(reduction="none") # 损失函数
trainer = torch.optim.Adam(net.parameters(), lr=lr) # 优化器
train_ch13(net, train_iter, test_iter, loss, trainer, 10, devices)
train_with_data_aug(train_augs, test_augs, net)
loss 0.178, train acc 0.938, test acc 0.844 5647.3 examples/sec on [device(type='cuda', index=0), device(type='cuda', index=1)]
【总结】
图像增广基于现有的训练数据生成随机图像,来提高模型的泛化能力。
为了在预测过程中得到确切的结果,我们通常对训练样本只进行图像增广,而在预测过程中不使用带随机操作的图像增广。
深度学习框架提供了许多不同的图像增广方法,这些方法可以被同时应用。