在PyTorch中计算Conv2d的输入和输出大小以进行图像分类

时间:2017-11-06 00:17:04

标签: python image convolution pytorch tensor

我正在尝试在此处运行CIFAR10图像分类的PyTorch教程 - http://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html#sphx-glr-beginner-blitz-cifar10-tutorial-py

我做了一个小改动,我正在使用不同的数据集。我有来自Wikiart数据集的图像,我想按艺术家(label =艺术家名称)进行分类。

以下是网络的代码 -

class Net(nn.Module):
    def __init__(self):
        super(Net, self).__init__()
        self.conv1 = nn.Conv2d(3, 6, 5)
        self.pool = nn.MaxPool2d(2, 2)
        self.conv2 = nn.Conv2d(6, 16, 5)
        self.fc1 = nn.Linear(16*5*5, 120)
        self.fc2 = nn.Linear(120, 84)
        self.fc3 = nn.Linear(84, 10)

    def forward(self, x):
        x = self.pool(F.relu(self.conv1(x)))
        x = self.pool(F.relu(self.conv2(x)))
        x = x.view(-1, 16*5*5)
        x = F.relu(self.fc1(x))
        x = F.relu(self.fc2(x))
        x = self.fc3(x)
        return x

然后我会开始训练网络代码的这一部分。

for epoch in range(2):
     running_loss = 0.0

     for i, data in enumerate(wiki_train_dataloader, 0):
        inputs, labels = data['image'], data['class']
        print(inputs.shape)
        inputs, labels = Variable(inputs), Variable(labels)

        optimizer.zero_grad()

        # forward + backward + optimize
        outputs = net(inputs)
        loss = criterion(outputs, labels)
        loss.backward()
        optimizer.step()

        # print statistics
        running_loss += loss.data[0]
        if i % 2000 == 1999:  # print every 2000 mini-batches
            print('[%d, %5d] loss: %.3f' %
              (epoch + 1, i + 1, running_loss / 2000))
            running_loss = 0.0

此行print(inputs.shape)向我torch.Size([4, 32, 32, 3])提供我的Wikiart数据集,而在原始示例中使用CIFAR10,它会打印torch.Size([4, 3, 32, 32])

现在,我不确定如何更改网络中的Conv2d以与torch.Size([4, 32, 32, 3])兼容。

我收到此错误:

RuntimeError: Given input size: (3 x 32 x 3). Calculated output size: (6 x 28 x -1). Output size is too small at /opt/conda/conda-bld/pytorch_1503965122592/work/torch/lib/THNN/generic/SpatialConvolutionMM.c:45

在阅读Wikiart数据集的图像时,我将它们的大小调整为(32,32),这些是3通道图像。

我尝试的事情:

1)CIFAR10教程使用了我没有使用的变换。我无法将相同的内容合并到我的代码中。

2)将self.conv2 = nn.Conv2d(6, 16, 5)更改为self.conv2 = nn.Conv2d(3, 6, 5)。这给了我与上面相同的错误。我只是更改它以查看错误消息是否更改。

有关如何计算输入和输出的任何资源PyTorch中的输出大小或自动重塑Tensors将非常感激。我刚刚开始学习Torch&我发现尺寸计算很复杂。

5 个答案:

答案 0 :(得分:4)

您必须将输入调整为此格式(批次,数字通道,高度,宽度)。 目前您有格式(B,H,W,C)(4,32,32,3),因此您需要交换第4和第2轴以使用(B,C,H,W)对数据进行整形。 你可以这样做:

inputs, labels = Variable(inputs), Variable(labels)
inputs = inputs.transpose(1,3)
... the rest

答案 1 :(得分:1)

我终于使用

将输入更改为新形状

inputs = inputs.view(4, 3, 32, 32),正好在

之下

inputs, labels = data['image'], data['class']

答案 2 :(得分:1)

您可以使用torch.nn.AdaptiveMaxPool2d设置特定的输出。

例如,如果我设置nn.AdaptiveMaxPool2d((5,7)),则我将图像强制为5X7。然后,您可以将其乘以上一个Conv2d图层中的out_channels。

https://pytorch.org/docs/stable/nn.html#torch.nn.AdaptiveMaxPool2d

class Net(nn.Module):
    def __init__(self):
        super(Net, self).__init__()
        self.conv1 = nn.Conv2d(3, 6, 5)
        self.pool = nn.MaxPool2d(2, 2)
        self.conv2 = nn.Conv2d(6, 16, 5)
        self.adapt = nn.AdaptiveMaxPool2d((5,7))
        self.fc1 = nn.Linear(16*5*7, 120)
        self.fc2 = nn.Linear(120, 84)
        self.fc3 = nn.Linear(84, 10)

    def forward(self, x):
        x = self.pool(F.relu(self.conv1(x)))
        x = self.adapt(F.relu(self.conv2(x)))
        x = x.view(-1, 16*5*7)
        x = F.relu(self.fc1(x))
        x = F.relu(self.fc2(x))
        x = self.fc3(x)
        return x

答案 3 :(得分:1)

我知道这是一个老问题,但是在使用非标准内核大小,膨胀等时,我又偶然发现了这个问题。 这是我想出的一个函数,它将为我进行计算并检查给定的输出形状:

require()

以下是示例用法:

def find_settings(shape_in, shape_out, kernel_sizes, dilation_sizes, padding_sizes, stride_sizes, transpose=False):
    from itertools import product

    import torch
    from torch import nn

    import numpy as np

    # Fake input
    x_in = torch.tensor(np.random.randn(4, 1, shape_in, shape_in), dtype=torch.float)

    # Grid search through all combinations
    for kernel, dilation, padding, stride in product(kernel_sizes, dilation_sizes, padding_sizes, stride_sizes):
        # Define a layer
        if transpose:
            layer = nn.ConvTranspose2d
        else:
            layer = nn.Conv2d
        layer = layer(
                1, 1,
                (4, kernel),
                stride=(2, stride),
                padding=(2, padding),
                dilation=(2, dilation)
            )

        # Check if layer is valid for given input shape
        try:
            x_out = layer(x_in)
        except Exception:
            continue

        # Check for shape of out tensor
        result = x_out.shape[-1]

        if shape_out == result:
            print('Correct shape for:\n ker: {}\n dil: {}\n pad: {}\n str: {}\n'.format(kernel, dilation, padding, stride))

我希望它可以在将来解决此问题。请注意,它不是并行的,并且如果有很多选择,它可以运行一段时间。

答案 4 :(得分:0)

在预处理时应用 transforms.ToTensor(),它将重新调整图像尺寸。请参阅this pytorch文档。