gpt4 book ai didi

python - PyTorch RuntimeError 大小参数 2 无效

转载 作者:行者123 更新时间:2023-12-01 01:32:10 25 4
gpt4 key购买 nike

我正在尝试神经网络 (PyTorch),但收到此错误。

RuntimeError: invalid argument 2: size '[32 x 9216]' is invalid for input with 8192 elements at /pytorch/aten/src/TH/THStorage.cpp:84

我的任务是使用 AlexNet 进行图像分类,并且我已将误差回溯为提供给神经网络的图像的大小。我的问题是,考虑到网络架构及其参数,如何确定网络所需的正确图像大小?

根据下面的代码,我首先转换训练图像,然后再输入神经网络。但我注意到神经网络只能接受 224 的大小,否则会给出上面的错误。例如,我的本能是应用大小为 64 的 transforms.RandomResizedCrop 但显然这是错误的。有没有公​​式可以确定所需的尺寸?

代码

# transformation to be done on images
transform_train = transforms.Compose([
transforms.RandomResizedCrop(64),
transforms.RandomHorizontalFlip(),
transforms.ToTensor(),
transforms.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225])
])

class AlexNet(nn.Module):

def __init__(self, num_classes=1000):
super(AlexNet, self).__init__()
self.features = nn.Sequential(
nn.Conv2d(3, 64, kernel_size=11, stride=4, padding=2),
nn.ReLU(inplace=True),
nn.MaxPool2d(kernel_size=3, stride=2),
nn.Conv2d(64, 192, kernel_size=5, padding=2),
nn.ReLU(inplace=True),
nn.MaxPool2d(kernel_size=3, stride=2),
nn.Conv2d(192, 384, kernel_size=3, padding=1),
nn.ReLU(inplace=True),
nn.Conv2d(384, 256, kernel_size=3, padding=1),
nn.ReLU(inplace=True),
nn.Conv2d(256, 256, kernel_size=3, padding=1),
nn.ReLU(inplace=True),
nn.MaxPool2d(kernel_size=3, stride=2),
)
self.classifier = nn.Sequential(
nn.Dropout(),
nn.Linear(256 * 6 * 6, 4096),
nn.ReLU(inplace=True),
nn.Dropout(),
nn.Linear(4096, 4096),
nn.ReLU(inplace=True),
nn.Linear(4096, num_classes),
)

def forward(self, x):
x = self.features(x)
x = x.view(x.size(0), 256 * 6 * 6)
x = self.classifier(x)
return x

最佳答案

我已经找到了获得正确输入大小的算法。

Out = float(((W−F+2P)/S)+1)

哪里

  • Out = 输出形状
  • W = 图像体积大小(图像大小)
  • F = 感受野(滤波器大小)
  • P = 填充
  • S = 步幅

考虑给定的网络超参数,

我需要的图像大小是

W = (55 - 1) * 4 - 2(2) + 11
= 223
⩰ 224

关于python - PyTorch RuntimeError 大小参数 2 无效,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/52761666/

25 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com