# *_*coding:utf-8 *_*
import torch
import torch.nn as nn
import torch.nn.functional as F
from torch.autograd import Function, Variable
import json
class HSwishImplementation(Function):
@staticmethod
def symbolic(g, input, bias):
return g.op("HSwish", input, bias, info_s=json.dumps({
"kernel_size":3,
"eps":3e-2,
"other":"Onnx Plugins"
}))
@staticmethod
def forward(ctx, i, bias):
ctx.save_for_backward(i)
return i * F.relu6(i+1) / 6 + bias
class MReLU(nn.Module):
def __init__(self, shape):
super(MReLU, self).__init__()
self.bias = nn.Parameter(torch.zeros(shape))
self.bias.data.fill_(0.5)
def forward(self, x):
return HSwishImplementation.apply(x, self.bias)
class FModel(nn.Module):
def __init__(self):
super(FModel, self).__init__()
self.mrelu = MReLU(1)
def forward(self, x):
return self.mrelu(x)
if __name__ == '__main__':
x = Variable(torch.Tensor([1,3,3,3]))
print(x)
net = FModel()
out = net(x)
print(out)
# 输出结果
tensor([1., 3., 3., 3.])
tensor([0.8333, 2.5000, 2.5000, 2.5000],
grad_fn=<HSwishImplementationBackward>)
【pytorch】torch.autograd.Function
最新推荐文章于 2024-11-04 23:31:07 发布
本文介绍了一种新型的激活函数HSwish,并使用PyTorch深度学习框架进行实现。通过定义HSwishImplementation类继承自Function,实现了前向传播和反向传播过程。此外,还定义了MReLU模块,利用HSwish激活函数处理输入数据,最后通过FModel类整合整个网络结构。
部署运行你感兴趣的模型镜像
您可能感兴趣的与本文相关的镜像
PyTorch 2.5
PyTorch
Cuda
PyTorch 是一个开源的 Python 机器学习库,基于 Torch 库,底层由 C++ 实现,应用于人工智能领域,如计算机视觉和自然语言处理
1356

被折叠的 条评论
为什么被折叠?



