skorchを使ってMNISTを使いたいと思い、下記のようなコードを実行しましたがエラーが出てしまいました。解決策はありますでしょうか。試したこととしてnp.expand_dims(x, 1)をやってみましたが結果は変わりませんでした。
Python
1%matplotlib inline 2from skorch import NeuralNet 3import torch 4import torch.nn as nn 5import torch.nn.functional as F 6import torch.optim as optim 7import numpy as np 8import matplotlib.pyplot as plt 9from sklearn.datasets import fetch_openml 10from sklearn.model_selection import train_test_split 11torch.manual_seed(123) 12 13data_x, data_y = fetch_openml('mnist_784', data_home = './data', cache=True, return_X_y=True) 14x_train, x_test, y_train, y_test = train_test_split(data_x, data_y, test_size=0.25, random_state=42) 15 16x_train = np.expand_dims(x_train / 255, 1).astype(np.float32) 17x_test = np.expand_dims(x_test / 255, 1).astype(np.float32) 18 19y_train = y_train.astype(np.int64) 20y_test = y_train.astype(np.int64) 21 22class CNN(nn.Module): 23 def __init__(self): 24 super(CNN, self).__init__() 25 self.conv1 = nn.Conv2d(1, 32, kernel_size=3) 26 self.conv2 = nn.Conv2d(32, 64, kernel_size=3) 27 self.conv2_drop = nn.Dropout2d() 28 self.fc1 = nn.Linear(1600, 128) 29 self.fc2 = nn.Linear(128, 10) 30 31 def forward(self, x): 32 x = F.relu(F.max_pool2d(self.conv1(x), 2)) # (32, 13, 13) 33 x = F.relu(F.max_pool2d(self.conv2_drop( 34 self.conv2(x)), 2)) # (64, 5, 5) 35 x = x.view(-1, x.size(1) * x.size(2) * x.size(3)) 36 x = F.relu(self.fc1(x)) 37 x = F.dropout(x, training=self.training) 38 x = self.fc2(x) 39 x = F.log_softmax(x, dim=-1) 40 return x 41 42device = torch.device('cuda') 43 44model = NeuralNet( 45 CNN, # ここで、先程定義したNetクラスを引数として与える 46 max_epochs=10, 47 optimizer=torch.optim.Adam, 48 lr=0.001, 49 device=device, 50 batch_size=128, 51 train_split=None, 52 criterion=nn.NLLLoss # CNNの最後のactivationがlog_softmaxなので、lossはNLLoss。 53) 54 55 56model.fit(X_train, y_train) 57 58pred = model.prefict(x_test) 59 60pred = pred.argmax(axis=1) 61print("acc:{}".format(accuracy_score(y_test, pred)))
error
1RuntimeError: Expected 4-dimensional input for 4-dimensional weight [32, 1, 3, 3], but got 2-dimensional input of size [128, 784] instead
回答1件
あなたの回答
tips
プレビュー
バッドをするには、ログインかつ
こちらの条件を満たす必要があります。