EfficientNet

模型描述

EfficientNet 是一系列图像分类模型。它首次在EfficientNet:重新思考卷积神经网络的模型缩放中被描述。本 notebook 允许您加载和测试 EfficientNet-B0、EfficientNet-B4、EfficientNet-WideSE-B0 和 EfficientNet-WideSE-B4 模型。

EfficientNet-WideSE 模型使用的 Squeeze-and-Excitation 层比原始 EfficientNet 模型更宽,SE 模块的宽度与深度可分离卷积的宽度成比例,而不是块的宽度。

WideSE 模型比原始模型略微更准确。

该模型使用 Tensor Cores 在 Volta 和 NVIDIA Ampere GPU 架构上以混合精度进行训练。因此,研究人员可以获得比不使用 Tensor Cores 训练快 2 倍以上的结果,同时享受混合精度训练的优势。该模型针对每个 NGC 每月容器版本进行测试,以确保随着时间的推移保持一致的准确性和性能。

在使用混合精度进行训练时,我们使用 NHWC 数据布局

示例

在下面的示例中,我们将使用预训练的 EfficientNet 模型对图像执行推理并呈现结果。

要运行此示例,您需要安装一些额外的 Python 包。这些包用于图像预处理和可视化。

!pip install validators matplotlib
import torch
from PIL import Image
import torchvision.transforms as transforms
import numpy as np
import json
import requests
import matplotlib.pyplot as plt
import warnings
warnings.filterwarnings('ignore')
%matplotlib inline

device = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu")
print(f'Using {device} for inference')

加载在 ImageNet 数据集上预训练的模型。

您可以选择以下模型:

TorchHub 入口点描述
nvidia_efficientnet_b0基线 EfficientNet
nvidia_efficientnet_b4缩放的 EfficientNet
nvidia_efficientnet_widese_b0Squeeze-and-Excitation 层比基线 EfficientNet 模型更宽的模型
nvidia_efficientnet_widese_b4Squeeze-and-Excitation 层比缩放的 EfficientNet 模型更宽的模型

还有模型的量化版本,但它们需要 nvidia 容器。请参阅量化模型

efficientnet = torch.hub.load('NVIDIA/DeepLearningExamples:torchhub', 'nvidia_efficientnet_b0', pretrained=True)
utils = torch.hub.load('NVIDIA/DeepLearningExamples:torchhub', 'nvidia_convnets_processing_utils')

efficientnet.eval().to(device)

准备示例输入数据。

uris = [
    'http://images.cocodataset.org/test-stuff2017/000000024309.jpg',
    'http://images.cocodataset.org/test-stuff2017/000000028117.jpg',
    'http://images.cocodataset.org/test-stuff2017/000000006149.jpg',
    'http://images.cocodataset.org/test-stuff2017/000000004954.jpg',
]

batch = torch.cat(
    [utils.prepare_input_from_uri(uri) for uri in uris]
).to(device)

运行推理。使用 `pick_n_best(predictions=output, n=topN)` 辅助函数根据模型选择 N 个最可能的假设。

with torch.no_grad():
    output = torch.nn.functional.softmax(efficientnet(batch), dim=1)
    
results = utils.pick_n_best(predictions=output, n=5)

显示结果。

for uri, result in zip(uris, results):
    img = Image.open(requests.get(uri, stream=True).raw)
    img.thumbnail((256,256), Image.ANTIALIAS)
    plt.imshow(img)
    plt.show()
    print(result)

详情

有关模型输入和输出、训练方法、推理和性能的详细信息,请访问:github 和/或 NGC

参考文献

EfficientNets 是一系列图像分类模型,它们实现了最先进的精度,同时尺寸和速度提高了一个数量级。使用 Tensor Cores 进行混合精度训练。

模型类型: 视觉
提交者: NVIDIA