簡體   English   中英

conv2d 輸入錯誤

[英]conv2d getting bad input

我已經訓練了一個分類器,現在嘗試加載它並運行一些預測我收到了下面提供的錯誤

....
    return self._conv_forward(input, self.weight, self.bias)
  File "/usr/local/lib/python3.9/site-packages/torch/nn/modules/conv.py", line 439, in _conv_forward
    return F.conv2d(input, weight, bias, self.stride,
TypeError: conv2d() received an invalid combination of arguments - got (list, Parameter, Parameter, tuple, tuple, tuple, int), but expected one of:
 * (Tensor input, Tensor weight, Tensor bias, tuple of ints stride, tuple of ints padding, tuple of ints dilation, int groups)
      didn't match because some of the arguments have invalid types: (list, Parameter, Parameter, tuple, tuple, tuple, int)
 * (Tensor input, Tensor weight, Tensor bias, tuple of ints stride, str padding, tuple of ints dilation, int groups)
      didn't match because some of the arguments have invalid types: (list, Parameter, Parameter, tuple, tuple, tuple, int)

這是代碼

import torch
import torch.nn as nn
import numpy as np
from PIL import Image
from torchvision.transforms import transforms
from torch.utils.data import DataLoader

Transformer - 用於編碼圖像

transformer = transforms.Compose([
        transforms.RandomHorizontalFlip(0.5),
        transforms.ToTensor(),
    ])

獲取文件並轉換為 Tensor

def get_file_as_tensor(file_path):
    with np.load(file_path) as f:
        melspec_image_array = f['arr_0']
        image = Image.fromarray(melspec_image_array, mode='RGB')
        image_tensor = transformer(image).div_(255).float()
        return image_tensor.clone().detach()

位於堆棧頂部的預測函數,因為運行model([tensor])時發生錯誤model([tensor])

def predict(tensor, model):
    yhat = model([tensor])
    yhat = yhat.clone().detach()
    return yhat

class ConvBlock(nn.Module):
    def __init__(self, in_channels, out_channels):
        super().__init__()

        self.conv1 = nn.Sequential(
            nn.Conv2d(in_channels, out_channels, 3, 1, 1),
            nn.BatchNorm2d(out_channels),
            nn.ReLU(),
        )
        self.conv2 = nn.Sequential(
            nn.Conv2d(out_channels, out_channels, 3, 1, 1),
            nn.ReLU(),
            nn.Dropout(0.5)
        )

        self._init_weights()

    def _init_weights(self):
        for m in self.modules():
            if isinstance(m, nn.Conv2d):
                nn.init.kaiming_normal_(m.weight)
                if m.bias is not None:
                    nn.init.zeros_(m.bias)
            elif isinstance(m, nn.BatchNorm2d):
                nn.init.constant_(m.weight, 1)
                nn.init.zeros_(m.bias)

    def forward(self, x):
        x = self.conv1(x)
        x = self.conv2(x)
        x = F.avg_pool2d(x, 2)
        return x

class Classifier(nn.Module):
    def __init__(self, num_classes=10):
        super().__init__()

        self.conv = nn.Sequential(
            ConvBlock(in_channels=3, out_channels=64),
            ConvBlock(in_channels=64, out_channels=128),
            ConvBlock(in_channels=128, out_channels=256),
            ConvBlock(in_channels=256, out_channels=512),
        )

        self.fc = nn.Sequential(
            nn.Dropout(0.4),
            nn.Linear(512, 128),
            nn.PReLU(),
            #nn.BatchNorm1d(128),
            nn.Dropout(0.2),
            nn.Linear(128, num_classes),
        )

    def forward(self, x):
        x = self.conv(x)
        x = torch.mean(x, dim=3)
        x, _ = torch.max(x, dim=2)
        x = self.fc(x)
        return x

PATH = "models/model.pt"
model = Classifier()
model.load_state_dict(torch.load(PATH))

model.eval()

cry_file_path = "processed_np/car_file.npz"
car_tensor = get_file_as_tensor(car_file_path)

no_car_file_path = "raw_negative_processed/nocar-1041.npz"
no_car_tensor = get_file_as_tensor(no_car_file_path)

car_prediction = predict(car_tensor, model)
no_cry_prediction = predict(no_car_tensor, model)

print("car", car_prediction)
print("no car", no_car_prediction)

該代碼是不言自明的,但 SO 一直要求提供更多文本,因為我是 ML 新手,所以非常感謝一些幫助

為什么要將模型應用於[tensor] ,即包含單個元素tensorpython 列表
您應該將模型直接應用於tensormodel(tensor)

您可能需要向tensor添加一個單例“批量維度”。 有關更多詳細信息,請參閱此答案

def predict(tensor, model):
    yhat = model(tensor.unsqueeze(0))
    yhat = yhat.clone().detach()
    return yhat

使用此方法定義而不是您的

錯誤是關於 conv2d() 函數而不是模塊。

我在這里唯一能想到的是您的輸入數據不正確。 確保它是 (B, C, H, W) 形式的張量。

暫無
暫無

聲明:本站的技術帖子網頁,遵循CC BY-SA 4.0協議,如果您需要轉載,請注明本站網址或者原文地址。任何問題請咨詢:yoyou2525@163.com.

 
粵ICP備18138465號  © 2020-2024 STACKOOM.COM