我正在尝试通过PyTorch的2D卷积验证以下结果:
我有以下代码,但是我无法正确分配权重并正确运行模型。 我在这里做错什么了吗?
import torch
import torch.nn as nn
import torchvision.transforms
import numpy as np
# Convert image to tensor
image2tensor = torchvision.transforms.ToTensor()
class ConvNet(nn.Module):
def __init__(self, num_classes=10):
super(ConvNet, self).__init__()
# Test layer
self.layer1 = nn.Conv2d(3, 1, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
def forward(self, x):
out = self.layer1(x)
return out
# Test image
image = np.ones((10, 10, 3))
tensor = image2tensor(image).unsqueeze(0)
# Create new model
conv = ConvNet()
# Assign test weight - NOT WORKING!!
weight = torch.nn.Parameter(torch.ones(3, 3, 3))
conv.layer1.weight.data = weight
# Run the model
output = conv(tensor)
答案 0 :(得分:3)
下次,请发布您相应的错误消息。 事实证明,矩阵尺寸还必须与批次大小匹配(即需要额外的第四维):因此,您正在使用错误的参数初始化权重矩阵。
正确的是这个:
weight = torch.nn.Parameter(torch.ones(1, 3, 3, 3))
此外,对于我的PyTorch(0.4.1)版本,我不得不手动将张量再次强制转换为float,因为否则会引发其他错误。避免这样做:
tensor = image2tensor(image).unsqueeze(0).float() # note the additional .float()
然后它为我成功运行。