您想要优化的所有变量都optimizer.step()
需要有梯度。
在您的情况下,它将y
由网络预测,所以您不detach
应该(从图表)。
通常你不会改变你的targets
,所以那些不需要渐变。不过,您不应该使用detach
它们,默认情况下张量不需要梯度,也不会反向传播。
Loss
如果成分(至少一种)具有梯度,则将具有梯度。
总的来说,您很少需要手动处理它。
顺便提一句。不要与 PyTorch 一起使用numpy
,很少会这样做。您可以numpy
在 PyTorch 的张量上对数组执行大部分操作。
顺便说一句。Variable
不再有in这样的东西pytorch
,只有需要梯度的张量和不需要的张量。
不可微性
1.1 现有代码的问题
实际上,您正在使用不可微分的函数(即>=
和==
)。这些只会在输出的情况下给你带来麻烦,因为那些需要梯度(你可以使用==
和>=
for targets
)。
下面我附上了您的损失函数并在评论中概述了其中的问题:
# Gradient can't propagate if you detach and work in another framework
# Most Python constructs should be fine, detaching will ruin it though.
def msfe(outputs, targets):
# outputs=outputs.detach().numpy() # Do not detach, no need to do that
# targets=targets.detach().numpy() # No need for numpy either
pred_class = outputs >= 0.5 # This one is non-differentiable
# n_0 = sum(targets==0) # Do not use sum, there is pytorch function for that
# n_1 = sum(targets==1)
n_0 = torch.sum(targets == 0) # Those are not differentiable, but...
n_1 = torch.sum(targets == 1) # It does not matter as those are targets
# FPE = sum((targets==0)[[bool(p) for p in (pred_class==1)]])/n_0 # Do not use Python bools
# FNE = sum((targets==1)[[bool(p) for p in (pred_class==0)]])/n_1 # Stay within PyTorch
# Those two below are non-differentiable due to == sign as well
FPE = torch.sum((targets == 0.0) * (pred_class == 1.0)).float() / n_0
FNE = torch.sum((targets == 1.0) * (pred_class == 0.0)).float() / n_1
# This is obviously fine
loss = FPE ** 2 + FNE ** 2
# Loss should be a tensor already, don't do things like that
# Gradient will not be propagated, you will have a new tensor
# Always returning gradient of `1` and that's all
# loss = torch.tensor(loss, dtype=torch.float64, requires_grad=True)
return loss
1.2 可能的解决方案
所以,你需要去掉 3 个不可微分的部分。原则上,您可以尝试使用网络的连续输出来近似它(前提是您sigmoid
用作激活)。这是我的看法:
def msfe_approximation(outputs, targets):
n_0 = torch.sum(targets == 0) # Gradient does not flow through it, it's okay
n_1 = torch.sum(targets == 1) # Same as above
FPE = torch.sum((targets == 0) * outputs).float() / n_0
FNE = torch.sum((targets == 1) * (1 - outputs)).float() / n_1
return FPE ** 2 + FNE ** 2
请注意,最小化FPE
outputs
将尝试在为零zero
的索引上。targets
同样对于FNE
,如果目标是1
,网络也会尝试输出1
。
注意这个想法与BCELoss(Binary CrossEntropy)的相似之处。
最后,您可以运行它的示例,仅用于完整性检查:
if __name__ == "__main__":
model = torch.nn.Sequential(
torch.nn.Linear(30, 100),
torch.nn.ReLU(),
torch.nn.Linear(100, 200),
torch.nn.ReLU(),
torch.nn.Linear(200, 1),
torch.nn.Sigmoid(),
)
optimizer = torch.optim.Adam(model.parameters())
targets = torch.randint(high=2, size=(64, 1)) # random targets
inputs = torch.rand(64, 30) # random data
for _ in range(1000):
optimizer.zero_grad()
outputs = model(inputs)
loss = msfe_approximation(outputs, targets)
print(loss)
loss.backward()
optimizer.step()
print(((model(inputs) >= 0.5) == targets).float().mean())