(测试版)计算机视觉量化迁移学习教程
为了充分利用本教程,我们建议使用这个 Colab 版本。这将使您能够尝试下面提供的信息。
作者: Zafar Takhirov
审阅者: Raghuraman Krishnamoorthi
编辑: Jessica Lin
本教程基于由 Sasank Chilamkurthy 编写的原始 PyTorch 迁移学习 教程。
迁移学习是指利用预训练模型应用于不同数据集的技术。迁移学习主要有两种使用方式:
-
将卷积网络作为固定特征提取器: 在这里,您除了最后几层(即“头部”,通常是全连接层)之外,“冻结”网络中所有参数的权重。这些最后几层被替换为用随机权重初始化的新层,并且只训练这些层。
-
微调卷积网络: 与随机初始化不同,模型使用预训练网络进行初始化,然后照常进行训练,但使用的是不同的数据集。通常,如果输出数量不同,网络中的头部(或部分头部)也会被替换。在这种方法中,通常将学习率设置为较小的值。这是因为网络已经训练过,只需要进行较小的调整即可将其“微调”到新的数据集。
您还可以结合上述两种方法:首先,您可以冻结特征提取器并训练头部。之后,您可以解冻特征提取器(或部分解冻),将学习率设置得更小,然后继续训练。
在这一部分,您将使用第一种方法——使用量化模型提取特征。
第0部分:准备工作
在深入探讨迁移学习之前,让我们先回顾一下“前提条件”,例如安装和数据加载/可视化。
# Imports
importcopy
importmatplotlib.pyplotasplt
importnumpyasnp
importos
importtime
plt.ion()
安装 Nightly 版本
由于您将使用 PyTorch 的测试版功能,建议安装最新版本的 torch
和 torchvision
。您可以在这里找到最新的本地安装指南。例如,在不支持 GPU 的情况下安装:
pipinstallnumpy
pipinstall--pretorchtorchvision-fhttps://download.pytorch.org/whl/nightly/cpu/torch_nightly.html
# For CUDA support use https://download.pytorch.org/whl/nightly/cu101/torch_nightly.html
加载数据
本节内容与原始的迁移学习教程相同。
我们将使用 torchvision
和 torch.utils.data
包来加载数据。
今天要解决的问题是从图像中分类蚂蚁和蜜蜂。该数据集包含大约 120 张蚂蚁和蜜蜂的训练图像。每个类别有 75 张验证图像。这被认为是一个非常小的数据集,难以进行泛化。然而,由于我们使用了迁移学习,应该能够在一定程度上进行合理的泛化。
该数据集是 ImageNet 的一个非常小的子集。
从此处下载数据并将其解压到
data
目录中。
importtorch
fromtorchvisionimport transforms, datasets
# Data augmentation and normalization for training
# Just normalization for validation
data_transforms = {
'train': transforms.Compose([
transforms.Resize(224),
transforms.RandomCrop(224),
transforms.RandomHorizontalFlip(),
transforms.ToTensor(),
transforms.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225])
]),
'val': transforms.Compose([
transforms.Resize(224),
transforms.CenterCrop(224),
transforms.ToTensor(),
transforms.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225])
]),
}
data_dir = 'data/hymenoptera_data'
image_datasets = {x: datasets.ImageFolder(os.path.join(data_dir, x),
data_transforms[x])
for x in ['train', 'val']}
dataloaders = {x: torch.utils.data.DataLoader(image_datasets[x], batch_size=16,
shuffle=True, num_workers=8)
for x in ['train', 'val']}
dataset_sizes = {x: len(image_datasets[x]) for x in ['train', 'val']}
class_names = image_datasets['train'].classes
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
可视化一些图像
让我们可视化一些训练图像,以便理解数据增强的效果。
importtorchvision
defimshow(inp, title=None, ax=None, figsize=(5, 5)):
"""Imshow for Tensor."""
inp = inp.numpy().transpose((1, 2, 0))
mean = np.array([0.485, 0.456, 0.406])
std = np.array([0.229, 0.224, 0.225])
inp = std * inp + mean
inp = np.clip(inp, 0, 1)
if ax is None:
fig, ax = plt.subplots(1, figsize=figsize)
ax.imshow(inp)
ax.set_xticks([])
ax.set_yticks([])
if title is not None:
ax.set_title(title)
# Get a batch of training data
inputs, classes = next(iter(dataloaders['train']))
# Make a grid from batch
out = torchvision.utils.make_grid(inputs, nrow=4)
fig, ax = plt.subplots(1, figsize=(10, 10))
imshow(out, title=[class_names[x] for x in classes], ax=ax)
模型训练的支持功能
以下是一个用于模型训练的通用函数。该函数还
-
调度学习率
-
保存最佳模型
deftrain_model(model, criterion, optimizer, scheduler, num_epochs=25, device='cpu'):
"""
Support function for model training.
Args:
model: Model to be trained
criterion: Optimization criterion (loss)
optimizer: Optimizer to use for training
scheduler: Instance of ``torch.optim.lr_scheduler``
num_epochs: Number of epochs
device: Device to run the training on. Must be 'cpu' or 'cuda'
"""
since = time.time()
best_model_wts = copy.deepcopy(model.state_dict())
best_acc = 0.0
for epoch in range(num_epochs):
print('Epoch {}/{}'.format(epoch, num_epochs - 1))
print('-' * 10)
# Each epoch has a training and validation phase
for phase in ['train', 'val']:
if phase == 'train':
model.train() # Set model to training mode
else:
model.eval() # Set model to evaluate mode
running_loss = 0.0
running_corrects = 0
# Iterate over data.
for inputs, labels in dataloaders[phase]:
inputs = inputs.to(device)
labels = labels.to(device)
# zero the parameter gradients
optimizer.zero_grad()
# forward
# track history if only in train
with torch.set_grad_enabled(phase == 'train'):
outputs = model(inputs)
_, preds = torch.max(outputs, 1)
loss = criterion(outputs, labels)
# backward + optimize only if in training phase
if phase == 'train':
loss.backward()
optimizer.step()
# statistics
running_loss += loss.item() * inputs.size(0)
running_corrects += torch.sum(preds == labels.data)
if phase == 'train':
scheduler.step()
epoch_loss = running_loss / dataset_sizes[phase]
epoch_acc = running_corrects.double() / dataset_sizes[phase]
print('{} Loss: {:.4f} Acc: {:.4f}'.format(
phase, epoch_loss, epoch_acc))
# deep copy the model
if phase == 'val' and epoch_acc > best_acc:
best_acc = epoch_acc
best_model_wts = copy.deepcopy(model.state_dict())
print()
time_elapsed = time.time() - since
print('Training complete in {:.0f}m {:.0f}s'.format(
time_elapsed // 60, time_elapsed % 60))
print('Best val Acc: {:4f}'.format(best_acc))
# load best model weights
model.load_state_dict(best_model_wts)
return model
支持函数:用于可视化模型预测
用于显示若干图像预测结果的通用函数
defvisualize_model(model, rows=3, cols=3):
was_training = model.training
model.eval()
current_row = current_col = 0
fig, ax = plt.subplots(rows, cols, figsize=(cols*2, rows*2))
with torch.no_grad():
for idx, (imgs, lbls) in enumerate(dataloaders['val']):
imgs = imgs.cpu()
lbls = lbls.cpu()
outputs = model(imgs)
_, preds = torch.max(outputs, 1)
for jdx in range(imgs.size()[0]):
imshow(imgs.data[jdx], ax=ax[current_row, current_col])
ax[current_row, current_col].axis('off')
ax[current_row, current_col].set_title('predicted: {}'.format(class_names[preds[jdx]]))
current_col += 1
if current_col >= cols:
current_row += 1
current_col = 0
if current_row >= rows:
model.train(mode=was_training)
return
model.train(mode=was_training)
第一部分:基于量化特征提取器训练自定义分类器
在本节中,您将使用一个“冻结”的量化特征提取器,并在其之上训练一个自定义分类器头。与浮点模型不同,您不需要为量化模型设置 requires_grad=False
,因为它没有可训练的参数。有关更多详细信息,请参阅文档。
加载预训练模型:在本练习中,您将使用 ResNet-18。
importtorchvision.models.quantizationasmodels
# You will need the number of filters in the `fc` for future use.
# Here the size of each output sample is set to 2.
# Alternatively, it can be generalized to nn.Linear(num_ftrs, len(class_names)).
model_fe = models.resnet18(pretrained=True, progress=True, quantize=True)
num_ftrs = model_fe.fc.in_features
此时,您需要修改预训练模型。该模型在开始和结束处分别有量化/反量化模块。然而,由于您只使用特征提取器,因此反量化层需要移动到线性层(即头部)之前。最简单的方法是将模型包装在 nn.Sequential
模块中。
第一步是隔离 ResNet 模型中的特征提取器。虽然在本例中,您的任务是使用除 fc
层之外的所有层作为特征提取器,但实际上,您可以根据需要选择任意部分。如果您希望替换某些卷积层,这种方法也会非常有用。
在将特征提取器与量化模型的其余部分分离时,您需要手动在希望保持量化的部分的开头和结尾处放置量化器/反量化器。
下面的函数创建了一个带有自定义头部的模型。
fromtorchimport nn
defcreate_combined_model(model_fe):
# Step 1. Isolate the feature extractor.
model_fe_features = nn.Sequential(
model_fe.quant, # Quantize the input
model_fe.conv1,
model_fe.bn1,
model_fe.relu,
model_fe.maxpool,
model_fe.layer1,
model_fe.layer2,
model_fe.layer3,
model_fe.layer4,
model_fe.avgpool,
model_fe.dequant, # Dequantize the output
)
# Step 2. Create a new "head"
new_head = nn.Sequential(
nn.Dropout(p=0.5),
nn.Linear(num_ftrs, 2),
)
# Step 3. Combine, and don't forget the quant stubs.
new_model = nn.Sequential(
model_fe_features,
nn.Flatten(1),
new_head,
)
return new_model
目前量化模型只能在 CPU 上运行。不过,可以将模型中的非量化部分发送到 GPU。
importtorch.optimasoptim
new_model = create_combined_model(model_fe)
new_model = new_model.to('cpu')
criterion = nn.CrossEntropyLoss()
# Note that we are only training the head.
optimizer_ft = optim.SGD(new_model.parameters(), lr=0.01, momentum=0.9)
# Decay LR by a factor of 0.1 every 7 epochs
exp_lr_scheduler = optim.lr_scheduler.StepLR(optimizer_ft, step_size=7, gamma=0.1)
训练和评估
此步骤在 CPU 上大约需要 15-25 分钟。由于量化模型只能在 CPU 上运行,因此无法在 GPU 上进行训练。
new_model = train_model(new_model, criterion, optimizer_ft, exp_lr_scheduler,
num_epochs=25, device='cpu')
visualize_model(new_model)
plt.tight_layout()
第二部分:微调可量化模型
在本部分中,我们对用于迁移学习的特征提取器进行微调,并对特征提取器进行量化。请注意,在第1部分和第2部分中,特征提取器都经过了量化。不同之处在于,在第1部分中,我们使用了预训练的量化模型。而在本部分中,我们在对目标数据集进行微调后创建了一个量化的特征提取器,因此这是一种在获得量化优势的同时,通过迁移学习提高准确性的方法。需要注意的是,在我们的具体示例中,训练集非常小(120张图像),因此对整个模型进行微调的好处并不明显。然而,这里展示的步骤将有助于在使用更大数据集进行迁移学习时提高准确性。
预训练的特征提取器必须是可量化的。为确保其可量化,请执行以下步骤:
使用
torch.quantization.fuse_modules
融合(Conv, BN, ReLU)
、(Conv, BN)
和(Conv, ReLU)
。将特征提取器与自定义头部连接。这需要将特征提取器的输出进行反量化。
在特征提取器的适当位置插入伪量化模块,以模拟训练期间的量化过程。
在步骤 (1) 中,我们使用 torchvision/models/quantization
中的模型,这些模型有一个成员方法 fuse_model
。该函数会融合所有 conv
、bn
和 relu
模块。对于自定义模型,这需要手动调用 torch.quantization.fuse_modules
API,并传入要融合的模块列表。
步骤 (2) 由上一节中使用的 create_combined_model
函数完成。
步骤 (3) 通过使用 torch.quantization.prepare_qat
实现,该函数会插入伪量化模块。
作为步骤 (4),您可以开始“微调”模型,之后将其转换为完全量化的版本(步骤 5)。
要将微调后的模型转换为量化模型,您可以调用 torch.quantization.convert
函数(在我们的例子中,只有特征提取器被量化)。
由于随机初始化,您的结果可能与本教程中显示的结果有所不同。
# notice `quantize=False`
model = models.resnet18(pretrained=True, progress=True, quantize=False)
num_ftrs = model.fc.in_features
# Step 1
model.train()
model.fuse_model()
# Step 2
model_ft = create_combined_model(model)
model_ft[0].qconfig = torch.quantization.default_qat_qconfig # Use default QAT configuration
# Step 3
model_ft = torch.quantization.prepare_qat(model_ft, inplace=True)
微调模型
在本教程中,整个模型都进行了微调。一般来说,这会带来更高的准确性。然而,由于此处使用的训练集较小,最终导致模型对训练集过拟合。
步骤 4. 微调模型
for param in model_ft.parameters():
param.requires_grad = True
model_ft.to(device) # We can fine-tune on GPU if available
criterion = nn.CrossEntropyLoss()
# Note that we are training everything, so the learning rate is lower
# Notice the smaller learning rate
optimizer_ft = optim.SGD(model_ft.parameters(), lr=1e-3, momentum=0.9, weight_decay=0.1)
# Decay LR by a factor of 0.3 every several epochs
exp_lr_scheduler = optim.lr_scheduler.StepLR(optimizer_ft, step_size=5, gamma=0.3)
model_ft_tuned = train_model(model_ft, criterion, optimizer_ft, exp_lr_scheduler,
num_epochs=25, device=device)
第5步:转换为量化模型
fromtorch.quantizationimport convert
model_ft_tuned.cpu()
model_quantized_and_trained = convert(model_ft_tuned, inplace=False)
让我们看看量化模型在几张图像上的表现如何
visualize_model(model_quantized_and_trained)
plt.ioff()
plt.tight_layout()
plt.show()