Да, torch.cat
поддерживает обратную проверку.Таким образом, вы используете его без проблем.
Проблема в том, что вы определяете новый оптимизатор на каждой итерации.Вместо этого вы должны определить его один раз после того, как определили свою модель.
Таким образом, после изменения этого кода код работает нормально, и потери постоянно уменьшаются.Я также добавил распечатку каждые 5000 итераций, чтобы показать прогресс.
from typing import List
import torch
import torch.nn as nn
import torch.nn.functional as F
import torch.optim as optim
from torch.nn import Linear
class My_Net(nn.Module):
lin: List[Linear]
def __init__(self):
super(My_Net, self).__init__()
self.num_neurons = 10
self.lin = nn.ModuleList([nn.Linear(k+2, 1) for k in range(self.num_neurons)])
def forward(self, x):
v = x
recent = torch.Tensor(0)
for k in range(self.num_neurons):
recent = F.relu(self.lin[k](v))
v = torch.cat([v, recent], dim=1)
return recent
def num_flat_features(self, x):
size = x.size()[1:]
num = 1
for i in size():
num *= i
return num
my_net = My_Net()
print(my_net)
optimizer = optim.SGD(my_net.parameters(), lr=0.001)
#define a small 3x3 image that the net is supposed to learn
my_image = [[1.0, 1.0, 1.0], [0.0, 1.0, 0.0], [0.0, 1.0, 0.0]] #represents a T-shape
my_image_flat = [] #output of the net is the value of a pixel
my_image_indices = [] #input to the net is are the 2d indices of a pixel
for i in range(len(my_image)):
for j in range(len(my_image[i])):
my_image_flat.append(my_image[i][j])
my_image_indices.append([i, j])
#optimization loop
for i in range(50000):
inp = torch.Tensor(my_image_indices)
out = my_net(inp)
target = torch.Tensor(my_image_flat)
criterion = nn.MSELoss()
loss = criterion(out.view(-1), target)
if i % 5000 == 0:
print('Iteration:', i, 'Loss:', loss)
my_net.zero_grad()
loss.backward()
optimizer.step()
print('Iteration:', i, 'Loss:', loss)
print("output of current image")
print([[my_net(torch.Tensor([[i,j]])).item() for i in range(3)] for j in range(3)])
print("output of original image")
print(my_image)
Выход убытка:
Iteration: 0 Loss: tensor(0.4070)
Iteration: 5000 Loss: tensor(0.1315)
Iteration: 10000 Loss: tensor(1.00000e-02 *
8.8275)
Iteration: 15000 Loss: tensor(1.00000e-02 *
5.6190)
Iteration: 20000 Loss: tensor(1.00000e-02 *
3.2540)
Iteration: 25000 Loss: tensor(1.00000e-02 *
1.3628)
Iteration: 30000 Loss: tensor(1.00000e-03 *
4.4690)
Iteration: 35000 Loss: tensor(1.00000e-03 *
1.3582)
Iteration: 40000 Loss: tensor(1.00000e-04 *
3.4776)
Iteration: 45000 Loss: tensor(1.00000e-05 *
7.9518)
Iteration: 49999 Loss: tensor(1.00000e-05 *
1.7160)
Таким образом, в этом случае потеря уменьшается до 0.000017
.Я должен признать, что ваша поверхность ошибки действительно неровная.В зависимости от начальных весов он также может сходиться к минимуму 0.17
, 0.10
.. и т. Д. Локальный минимум, где он сходится, может быть очень различным.Так что вы можете попробовать инициализировать ваши веса в меньшем диапазоне.
Кстати.Вот вывод без изменения местоположения определения оптимизатора:
Iteration: 0 Loss: tensor(0.5574)
Iteration: 5000 Loss: tensor(0.5556)
Iteration: 10000 Loss: tensor(0.5556)
Iteration: 15000 Loss: tensor(0.5556)
Iteration: 20000 Loss: tensor(0.5556)
Iteration: 25000 Loss: tensor(0.5556)
Iteration: 30000 Loss: tensor(0.5556)
Iteration: 35000 Loss: tensor(0.5556)
Iteration: 40000 Loss: tensor(0.5556)
Iteration: 45000 Loss: tensor(0.5556)