LoginSignup
5
12

More than 1 year has passed since last update.

ResNetシリーズのpytorchの公式実装コードの解説

Last updated at Posted at 2021-01-21

この記事について

この記事は以下のコードを引用して解説しています。

最近論文のプログラムコードを漁っている時、公式のコードをオーバーライドして自分のライブラリとして再度定義しているケースをよく見かける。ResNetはよく使われるモデルであるため、ResNetをコードから理解してプログラムコードを読むための知識にしようというのが本記事の目的である。

ResNetとは

2015年のImageNetCompetitionでImageNetデータセットの1位の精度を叩き出したモデルである。従来のCNNの課題であった、層を多く積み重ねた時の勾配消失問題を残差ブロックの導入で解決をした。斬差ブロックの導入はモデルが多くの層を積むことを可能にし、特徴抽出の強化からモデル精度向上を達成した。

ResNetシリーズについて

論文で様々なResNetの定義方法が記載されている。
image.png

図は以下のモデルを定義している
- ResNet18
- ResNet34
- ResNet50
- ResNet101
- ResNet152

その他にも次のResNet系のモデルが存在する。(※解説はしません)
- ResNeXt50 32x4d
- ResNeXt101 32x8d
- WideResNet50 2
- WideResNet101 2

残差ブロックのとは

残差ブロックは二種類存在ある。
1. Plain(BasicBlock)

スクリーンショット 2021-01-21 15.05.37.png

  1. Bottleneck スクリーンショット 2021-01-21 15.12.19.png

PlainブロックはResNet18とResNet34で使用されていて、BottleneckはResNet50とResNet101とResNet152で使用される。

Pytorchの公式コードの解説

 残差ブロックの定義

畳み込み層の定義

残差ブロックで用いられている畳み込み層は畳み込みフィルターが(3x3),(1x1)の二種類である。
公式のpytrochリポジトリーでは以下のように定義されている。

convolution_layer.py
import torch.nn as nn

def conv3x3(in_planes: int, out_planes: int, stride: int = 1, groups: int = 1, dilation: int = 1) -> nn.Conv2d:
    """3x3 convolution with padding"""
    return nn.Conv2d(in_planes, out_planes, kernel_size=3, stride=stride,
                     padding=dilation, groups=groups, bias=False, dilation=dilation)


def conv1x1(in_planes: int, out_planes: int, stride: int = 1) -> nn.Conv2d:
    """1x1 convolution"""
    return nn.Conv2d(in_planes, out_planes, kernel_size=1, stride=stride, bias=False)

3x3にはoptionのpadding,dilation,groupsが設定はデフォルトでpadding = 1,groups = 1,dilation = 1
それぞれの意味は二次元ベクトルの入力に対し周り1マスの0パディングの実施、全ての入力が全ての出力へ畳み込まれる、フィルターへの入力が下図のように感覚が1マスずつ空けられるである。

padding = 1 dilation = 1

(Gif引用元:https://github.com/vdumoulin/conv_arithmetic/blob/master/README.md)
パラメータ詳細 :https://pytorch.org/docs/stable/generated/torch.nn.Conv2d.html

Plain(BasicBlock)のpytorchによる定義

Class_BasicBlock.py
class BasicBlock(nn.Module):
    expansion: int = 1

    def __init__(self,
        inplanes: int,
        planes: int,
        stride: int = 1,
        downsample: Optional[nn.Module] = None,
        groups: int = 1,
        base_width: int = 64,
        dilation: int = 1,
        norm_layer: Optional[Callable[..., nn.Module]] = None
    ) -> None:
        super(BasicBlock, self).__init__()
        if norm_layer is None:
            norm_layer = nn.BatchNorm2d
        if groups != 1 or base_width != 64:
            raise ValueError('BasicBlock only supports groups=1 and base_width=64')
        if dilation > 1:
            raise NotImplementedError("Dilation > 1 not supported in BasicBlock")
        # Both self.conv1 and self.downsample layers downsample the input when stride != 1
        self.conv1 = conv3x3(inplanes, planes, stride)
        self.bn1 = norm_layer(planes)
        self.relu = nn.ReLU(inplace=True)
        self.conv2 = conv3x3(planes, planes)
        self.bn2 = norm_layer(planes)
        self.downsample = downsample
        self.stride = stride

    def forward(self, x: Tensor) -> Tensor:
        identity = x

        out = self.conv1(x)
        out = self.bn1(out)
        out = self.relu(out)

        out = self.conv2(out)
        out = self.bn2(out)

        if self.downsample is not None:
            identity = self.downsample(x)

        out += identity
        out = self.relu(out)

        return out

Bottleneckのpytorchによる定義

Class_Bottleneck.py
class Bottleneck(nn.Module):
    # Bottleneck in torchvision places the stride for downsampling at 3x3 convolution(self.conv2)
    # while original implementation places the stride at the first 1x1 convolution(self.conv1)
    # according to "Deep residual learning for image recognition"https://arxiv.org/abs/1512.03385.
    # This variant is also known as ResNet V1.5 and improves accuracy according to
    # https://ngc.nvidia.com/catalog/model-scripts/nvidia:resnet_50_v1_5_for_pytorch.

    expansion: int = 4

    def __init__(
        self,
        inplanes: int,
        planes: int,
        stride: int = 1,
        downsample: Optional[nn.Module] = None,
        groups: int = 1,
        base_width: int = 64,
        dilation: int = 1,
        norm_layer: Optional[Callable[..., nn.Module]] = None
    ) -> None:
        super(Bottleneck, self).__init__()
        if norm_layer is None:
            norm_layer = nn.BatchNorm2d
        width = int(planes * (base_width / 64.)) * groups
        # Both self.conv2 and self.downsample layers downsample the input when stride != 1
        self.conv1 = conv1x1(inplanes, width)
        self.bn1 = norm_layer(width)
        self.conv2 = conv3x3(width, width, stride, groups, dilation)
        self.bn2 = norm_layer(width)
        self.conv3 = conv1x1(width, planes * self.expansion)
        self.bn3 = norm_layer(planes * self.expansion)
        self.relu = nn.ReLU(inplace=True)
        self.downsample = downsample
        self.stride = stride

    def forward(self, x: Tensor) -> Tensor:
        identity = x

        out = self.conv1(x)
        out = self.bn1(out)
        out = self.relu(out)

        out = self.conv2(out)
        out = self.bn2(out)
        out = self.relu(out)

        out = self.conv3(out)
        out = self.bn3(out)

        if self.downsample is not None:
            identity = self.downsample(x)

        out += identity
        out = self.relu(out)

        return out

ResNetシリーズごとのモデルの実装

image.png
再度説明するが、この図からわかるようにResNet18,34では残差ブロックをBasicBlockを採用しており、ResNet50,101,152ではBottleneckを採用している。convi_xのiが増えるごとにチャネルが2倍になっている。

残差ブロックを積み重ねるクラスResNetの定義

残差ブロックの定義ができたところで、モデルを指定すると自動的に残差ブロックを積み重ねをしてくれるクラスResNetの解説をしましょう。

ResNetXの共通部分

入力付近と出力付近の層は同じであるため、これらのResNetの共通部分はそれぞれのモデル内で定義させる必要はありません。クラスResNetで共通の構造として定義します。

Class_ResNet.py
class ResNet(nn.Module):

    def __init__(
        self,
        block: Type[Union[BasicBlock, Bottleneck]],
        layers: List[int],
        num_classes: int = 1000,
        zero_init_residual: bool = False,
        groups: int = 1,
        width_per_group: int = 64,
        replace_stride_with_dilation: Optional[List[bool]] = None,
        norm_layer: Optional[Callable[..., nn.Module]] = None
    ) -> None:
        super(ResNet, self).__init__()
        if norm_layer is None:
            norm_layer = nn.BatchNorm2d
        self._norm_layer = norm_layer

        self.inplanes = 64
        self.dilation = 1
        if replace_stride_with_dilation is None:
            # each element in the tuple indicates if we should replace
            # the 2x2 stride with a dilated convolution instead
            replace_stride_with_dilation = [False, False, False]
        if len(replace_stride_with_dilation) != 3:
            raise ValueError("replace_stride_with_dilation should be None "
                             "or a 3-element tuple, got {}".format(replace_stride_with_dilation))
        self.groups = groups
        self.base_width = width_per_group
        self.conv1 = nn.Conv2d(3, self.inplanes, kernel_size=7, stride=2, padding=3,
                               bias=False)
        self.bn1 = norm_layer(self.inplanes)
        self.relu = nn.ReLU(inplace=True)
        self.maxpool = nn.MaxPool2d(kernel_size=3, stride=2, padding=1)
        self.layer1 = self._make_layer(block, 64, layers[0])
        self.layer2 = self._make_layer(block, 128, layers[1], stride=2,
                                       dilate=replace_stride_with_dilation[0])
        self.layer3 = self._make_layer(block, 256, layers[2], stride=2,
                                       dilate=replace_stride_with_dilation[1])
        self.layer4 = self._make_layer(block, 512, layers[3], stride=2,
                                       dilate=replace_stride_with_dilation[2])
        self.avgpool = nn.AdaptiveAvgPool2d((1, 1))
        self.fc = nn.Linear(512 * block.expansion, num_classes)

        for m in self.modules():
            if isinstance(m, nn.Conv2d):
                nn.init.kaiming_normal_(m.weight, mode='fan_out', nonlinearity='relu')
            elif isinstance(m, (nn.BatchNorm2d, nn.GroupNorm)):
                nn.init.constant_(m.weight, 1)
                nn.init.constant_(m.bias, 0)

        # Zero-initialize the last BN in each residual branch,
        # so that the residual branch starts with zeros, and each residual block behaves like an identity.
        # This improves the model by 0.2~0.3% according to https://arxiv.org/abs/1706.02677
        if zero_init_residual:
            for m in self.modules():
                if isinstance(m, Bottleneck):
                    nn.init.constant_(m.bn3.weight, 0)  # type: ignore[arg-type]
                elif isinstance(m, BasicBlock):
                    nn.init.constant_(m.bn2.weight, 0)  # type: ignore[arg-type]

    def _make_layer(self, block: Type[Union[BasicBlock, Bottleneck]], planes: int, blocks: int,
                    stride: int = 1, dilate: bool = False) -> nn.Sequential:
        norm_layer = self._norm_layer
        downsample = None
        previous_dilation = self.dilation
        if dilate:
            self.dilation *= stride
            stride = 1
        if stride != 1 or self.inplanes != planes * block.expansion:
            downsample = nn.Sequential(
                conv1x1(self.inplanes, planes * block.expansion, stride),
                norm_layer(planes * block.expansion),
            )

        layers = []
        layers.append(block(self.inplanes, planes, stride, downsample, self.groups,
                            self.base_width, previous_dilation, norm_layer))
        self.inplanes = planes * block.expansion
        for _ in range(1, blocks):
            layers.append(block(self.inplanes, planes, groups=self.groups,
                                base_width=self.base_width, dilation=self.dilation,
                                norm_layer=norm_layer))

        return nn.Sequential(*layers)

    def _forward_impl(self, x: Tensor) -> Tensor:
        # See note [TorchScript super()]
        x = self.conv1(x)
        x = self.bn1(x)
        x = self.relu(x)
        x = self.maxpool(x)

        x = self.layer1(x)
        x = self.layer2(x)
        x = self.layer3(x)
        x = self.layer4(x)

        x = self.avgpool(x)
        x = torch.flatten(x, 1)
        x = self.fc(x)

        return x

    def forward(self, x: Tensor) -> Tensor:
        return self._forward_impl(x)

このクラスの重要なインスタンス引数はblocklayearsです。blockは積み重ねる残差ブロックがBasicBlockかBottleneckかどうかを決める引数で、layearsは各convi_xで残差ブロックを積む個数をリストで設定する引数です。
例えばResNet18の場合、下図のように[2,2,2,2]であるため、layearsに[2,2,2,2]が入ります。

function__resnet.py
def _resnet(
    arch: str,
    block: Type[Union[BasicBlock, Bottleneck]],
    layers: List[int],
    pretrained: bool,
    progress: bool,
    **kwargs: Any
) -> ResNet:
    model = ResNet(block, layers, **kwargs)
    if pretrained:
        state_dict = load_state_dict_from_url(model_urls[arch],
                                              progress=progress)
        model.load_state_dict(state_dict)
    return model

ResNet18のpytorchによる定義

上図の通りに畳み込み層とBasicBlockを重ねていく。

ResNet18.py
def resnet18(pretrained: bool = False, progress: bool = True, **kwargs: Any) -> ResNet:
    r"""ResNet-18 model from
    `"Deep Residual Learning for Image Recognition" <https://arxiv.org/pdf/1512.03385.pdf>`_.
    Args:
        pretrained (bool): If True, returns a model pre-trained on ImageNet
        progress (bool): If True, displays a progress bar of the download to stderr
    """
    return _resnet('resnet18', BasicBlock, [2, 2, 2, 2], pretrained, progress,
                   **kwargs)

先ほどの説明の通り、ResNet18はBasicBlockを用いるので関数_resnetの第二引数blockはBasickBlockとなる。
関数_resnetの第三引数は各convi_xで残差ブロックを積む個数になる。ResNet18は下図の通り[2,2,2,2]であるため、[2,2,2,2]を引き渡している。

引用

5
12
0

Register as a new user and use Qiita more conveniently

  1. You get articles that match your needs
  2. You can efficiently read back useful information
  3. You can use dark theme
What you can do with signing up
5
12