我正在尝试通过PyTorch训练分类器。但是,当我向模型提供训练数据时,我遇到了训练问题。
我在 Reflect.defineProperty($scope.tabs.tabs[name], `liElement`, {
enumerable: false,
writable: false,
value: angular.element(`<li ng-show="false">{{tabs.tabs[\'' + name + '\'].title}}</li>`),
});
上收到此错误:
RuntimeError:标量类型为Float的预期对象,但参数#4'mat1'的标量类型为Double
这是我代码的关键部分:
const index = $( "li" ).index($("li:visible:first"));
jQuery($element).data(`kendoTabStrip`).select(index);
y_pred = model(X_trainTensor)
# Hyper-parameters
D_in = 47 # there are 47 parameters I investigate
H = 33
D_out = 2 # output should be either 1 or 0
# Format and load the data
y = np.array( df['target'] )
X = np.array( df.drop(columns = ['target'], axis = 1) )
X_train, X_test, y_train, y_test = train_test_split(X, y, train_size = 0.8) # split training/test data
X_trainTensor = torch.from_numpy(X_train) # convert to tensors
y_trainTensor = torch.from_numpy(y_train)
X_testTensor = torch.from_numpy(X_test)
y_testTensor = torch.from_numpy(y_test)
# Define the model
model = torch.nn.Sequential(
torch.nn.Linear(D_in, H),
torch.nn.ReLU(),
torch.nn.Linear(H, D_out),
nn.LogSoftmax(dim = 1)
)
答案 0 :(得分:12)
我有同样的问题
在转换为张量之前,请尝试
X_train = X_train.astype(np.float32)
答案 1 :(得分:3)
引用来自this github issue。
当错误为RuntimeError: Expected object of scalar type Float but got scalar type Double for argument #4 'mat1'
时,您将需要使用.float()
函数,因为它显示为Expected object of scalar type Float
。
因此,解决方案将y_pred = model(X_trainTensor)
更改为y_pred = model(X_trainTensor.float())
。
同样,当您遇到loss = loss_fn(y_pred, y_trainTensor)
的另一个错误时,由于错误消息显示y_trainTensor.long()
,因此您需要Expected object of scalar type Long
。
答案 2 :(得分:2)
可以通过将输入的数据类型设置为Double即torch.float32
我希望这个问题来了,因为您的数据类型是torch.float16
答案 3 :(得分:0)
如果选择了错误的损失功能,也会发生此问题。例如,如果您有回归问题,但您尝试使用交叉熵损失。然后通过更改您在MSE上的损失函数来修复该问题
答案 4 :(得分:0)
尝试使用: target = target.float() # target 是错误的名称
答案 5 :(得分:0)
让我们这样做:
df['target'] = df['target'].astype(np.float32)
也适用于 x 功能