-
nn.Module 和 nn.Functional 区别和联系
-
自定义损失函数
https://discuss.pytorch.org/t/whats-the-difference-between-torch-nn-functional-and-torch-nn/681
https://www.zhihu.com/question/66782101
简答的说就是, nn.Module是一个包装好的类,具体定义了一个网络层,可以维护状态和存储参数信息;而nn.Functional仅仅提供了一个计算,不会维护状态信息和存储参数。
对于activation函数,比如(relu, sigmoid等),dropout,pooling等没有训练参数,可以使用functional模块。
前面讲过,只要Tensor算数操作(+, -,*, %,求导等)中,有一个Tesor
的
resquire_grad=True
,则该操作得到的Tensor具有反向传播,自动求导的功能。
因而只要自己实现的loss使用tensor提供的math operation就可以。
所以第一种自定义loss函数的方法就是使用tensor的math operation实现loss定义
在forward中实现loss定义,注意:
自定义MSEloss实现:
class My_loss(nn.Module):
def __init__(self):
super().__init__()
def forward(self, x, y):
return torch.mean(torch.pow((x - y), 2))
criterion = My_loss()
loss = criterion(outputs, targets)
看一自定义类中,其实最终调用还是forward
实现,同时nn.Module还要维护一些其他变量和状态。不如直接自定义loss函数实现:
def my_mse_loss(x, y):
return torch.mean(torch.pow((x - y), 2))
要自己实现backward和forward函数,可能一些算法nn.functional中没有提供,要使用numpy或scipy中的方法实现。
这个要自己定义实现前向传播和反向传播的计算过程
几篇博客:
https://oldpan.me/archives/pytorch-nn-module-functional-backward
https://blog.csdn.net/tsq292978891/article/details/79364140
最后附上前两种自定义方法的测试代码:
Created on Thu Nov 15 11:04:25 2018
@author: duans
import torch
import torch.nn as nn
import numpy as np
import matplotlib.pyplot as plt
class My_loss(nn.Module):
def __init__(self):
super().__init__()
def forward(self, x, y):
return torch.mean(torch.pow((x - y), 2))
def my_mse_loss(x, y):
return torch.mean(torch.pow((x - y), 2))
input_size = 1
output_size = 1
num_epochs = 60
learning_rate = 0.001
x_train = np.array([[3.3], [4.4], [5.5], [6.71], [6.93], [4.168],
[9.779], [6.182], [7.59], [2.167], [7.042],
[10.791], [5.313], [7.997], [3.1]], dtype=np.float32)
y_train = np.array([[1.7], [2.76], [2.09], [3.19], [1.694], [1.573],
[3.366], [2.596], [2.53], [1.221], [2.827],
[3.465], [1.65], [2.904], [1.3]], dtype=np.float32)
model = nn.Linear(input_size, output_size)
criterion = My_loss()
optimizer = torch.optim.SGD(model.parameters(), lr=learning_rate)
loss_dict = []
for epoch in range(num_epochs):
inputs = torch.from_numpy(x_train)
targets = torch.from_numpy(y_train)
outputs = model(inputs)
loss = my_mse_loss(outputs, targets)
optimizer.zero_grad()
loss.backward()
optimizer.step()
loss_dict.append(loss.item())
if (epoch+1) % 5 == 0:
print ('Epoch [{}/{}], Loss: {:.4f}'.format(epoch+1, num_epochs, loss.item()))
predicted = model(torch.from_numpy(x_train)).detach().numpy()
plt.plot(x_train, y_train, 'ro', label='Original data')
plt.plot(x_train, predicted, label='Fitted line')
plt.legend()
plt.show()
plt.plot(loss_dict, label='loss for every epoch')
plt.legend()
plt.show()
本文主要内容:nn.Module 和 nn.Functional 区别和联系自定义损失函数1. 关于nn.Module与nn.Functional的区别:https://discuss.pytorch.org/t/whats-the-difference-between-torch-nn-functional-and-torch-nn/681https://www.zhihu.co...
目录1、自定义损失函数1.1 nn.Module和nn.Functional的区别与联系1.1.1 二者的相似之处1.1.2 二者的差别之处1.1.2.1 调用方式1.1.2.2 与nn.Sequential的结合运用1.1.2.3 参数的管理1.1.3 小结1.2 定义损失函数1.2.1 方法1:自定义类--继承nn.Module1.2.2 方法2:自定义函数1.2.3 方法3:扩展nn.autograd.function1.3 具体代码算例1.4 总结
1、自定义损失函数
首先,回顾一下上一次的
自定义loss的方法有很多,但是在博主查资料的时候发现有挺多写法会有问题,靠谱一点的方法是把
loss作为一个
pytorch的模块,比如:
class
CustomLoss(nn.Module): # 注意继承 nn.Module
def __init__(self):
super(
CustomLoss, self).__init__()
def forward(self, x, y):
# .....这里写x与y的处理逻辑,即
loss的计算方法
import torch.nn as nn
import torch.nn.
functional as func
class Triplet
LossFunc(nn.Module):
def __init__(self, t1, t2, beta):
super(Triplet
LossFunc, self).__init__()
自定义损失函数与
自定义网络类似。需要继承nn.Module类,然后重写forward方法即可
#
自定义损失函数,交叉熵
损失函数
class MyEntropy
Loss(nn.Module):
def forward(self,output,target):
batch_size_ = output.size()[0] # 获得batch_size
num_class = output[0].size()[0] #获得类别数量
在做神经网络的时候,一般情况我们可以直接调用
pytorch提供的函数
损失函数,例如:
class torch.nn.MSE
Loss(size_average=True)
调用方式:
creterion=torch.nn.MSE
Loss()
loss=creterion(x,y)
pytorch 损失函数详解及自定义方法
损失函数是机器学习与深度学习解决问题中非常重要的一部分,可以说,损失函数给出了问题的定义,也就是需要优化的目标:怎么样可以认为这个模型是否够好、怎样可以认为当前训练是否有效等。
pytorch框架上手十分方便,也为我们定义了很多常用的损失函数。当然,面对特殊的应用场景或实际问题,往往也需要自行定义损失函数。
本文首先介绍如何自定义损失函数,再选择一些常用或...
pytorch系列 -- 9 pytorch nn.init 中实现的初始化函数 uniform, normal, const, Xavier, He initialization
58227
Dream_9491:
markdown math 数学公式语法
FUXI_Willard: