# training model = CNNmodel() print(model) criterion = nn.MSELoss() optimizer = torch.optim.Adam(model.parameters(), lr=0.001) epochs = 50 model.train() start_time = time.time() for epoch in range(epochs): for seq, y_train in train_set: # The gradient is zeroed and initialized before each parameter update optimizer.zero_grad() # reshape # convert to conv1d input size(batch size, channel, series length) y_pred = model(seq.reshape(1,1,-1)) loss = criterion(y_pred, y_train) loss.backward() optimizer.step() print(f'Epoch: {epoch+1:2} Loss: {loss.item():10.8f}') print(f'\nDuration: {time.time() - start_time:.0f} seconds')报错cannot unpack non-iterable numpy.float64 object
时间: 2023-12-09 18:05:56 浏览: 407
利用torch.nn实现二维卷积python代码
这个错误通常是因为你的 `train_set` 中的 `y_train` 是一个非可迭代对象,而在你的代码中,你使用了可迭代对象的解包方式来获取 `y_train`。你可以通过将 `y_train` 包装为一个可迭代对象(如列表)来解决此问题。具体地,你可以在创建 `train_set` 时将 `y_train` 转换为一个列表,例如:
```
train_set = [(seq, [y_train]) for seq, y_train in train_set]
```
这样,`train_set` 中的每个 `y_train` 都是一个长度为 1 的列表,可以被正确地解包。
阅读全文