首页 > 其他分享 >常用的神经网络实现

常用的神经网络实现

时间:2024-11-02 18:31:04浏览次数:3  
标签:__ dim 常用 nn 实现 self torch 神经网络 out

VGG16

from torch import nn
class VGG(nn.Module):
    """ 一共6个版本,最常用VGG16
        VGG采用五组卷积,三个全连接,最后用Softmax分类
        VGG显著特点:每次经过池化层maxpool后特征图尺寸减小一倍,,通道数增加一倍(最后一个池化层除外)"""
    def __init__(self, num_classes=1000):
        super(VGG, self).__init__()
        layers = []  # 保存所有卷积层
        in_dim = 3
        out_dim = 64
        """ 循环构造卷积层,一共有13个卷积层 """
        for i in range(13):
            layers+= [nn.Conv2d(in_dim,out_dim, 3, 1, 1), nn.ReLU(inplace=True)]
            in_dim= out_dim
            if i in [1,3,6,9,12]:  # 增加池化层
                layers+= [nn.MaxPool2d(2,2)]
                if i!= 9:  #第10个卷积后保持和前面通道数一致
                    out_dim*= 2
        self.features= nn.Sequential(*layers)
        # VGGNet的3个全连接层,中间有ReLU和Dropout层
        self.classifier= nn.Sequential(
            nn.Linear(512*7*7, 4096),
            nn.ReLU(True),
            nn.Dropout(),

            nn.Linear(4096, 4096),
            nn.ReLU(True),
            nn.Dropout(),
            nn.Linear(4096, num_classes)
        )

    def forward(self, x):
        """ Input:224*224 RGB """
        x= self.features(x)
        # 这里降特征图维度从[1,512,7,7]变到[1,512*7*7]
        x= x.view(x.size(0), -1)
        x= self.classifier(x)
        return x

DenseNet

import torch
from torch import nn
import torch.nn.functional as F
""" 实现一个Bottlenect,初始化需要输入的通道数与GrowthRate"""
class Bottleneck(nn.Module):
    """ Bottlenect"""
    def __init__(self, nChannels, growthRate):
        super(Bottleneck, self).__init__()
        #通常1x1卷积的通道数为GrowthRate的4倍
        interChannels= 4*growthRate
        self.bn1= nn.BatchNorm2d(nChannels)
        self.conv1= nn.Conv2d(nChannels,interChannels, kernel_size=1, bias=False)
        self.bn2= nn.BatchNorm2d(interChannels)
        self.conv2= nn.Conv2d(interChannels,growthRate, kernel_size=3, padding=1, bias=False)
    def forward(self, x):
        out= self.conv1(F.relu(self.bn1(x)))
        out= self.conv2(F.relu(self.bn2(out)))
        #将输入x同计算的结果out进行通道拼接
        out= torch.cat((x,out), 1)
        return out

class Denseblock(nn.Module):
    """ DenseNet"""
    def __init__(self, nChannels, growthRate, nDenseBlocks):
        super(Denseblock, self).__init__()
        layers= []
        #将每一个Bottleneck利用nn.Sequential整合,输入通道需要线性增长
        for i in range(int(nDenseBlocks)):
            layers.append(Bottleneck(nChannels, growthRate))
            nChannels+= growthRate
        self.denseblock= nn.Sequential(*layers)
    def forward(self, x):
        return self.denseblock(x)

inceptionV1

import torch
from torch import nn
import torch.nn.functional as F

""" 首先定义一个包含conv后relu的基础卷积类 """
class BasicConv2d(nn.Module):
    def __init__(self, in_channels, out_channels, kernel_size, padding=0):
        super(BasicConv2d, self).__init__()
        self.conv= nn.Conv2d(in_channels, out_channels, kernel_size, padding=padding)
    def forward(self, x):
        x= self.conv(x)
        return F.relu(x, inplace=True)

""" InceptionV1类,初始化时需要提供各个子模块的通道数大小 """
class InceptionV1(nn.Module):
    def __init__(self, in_dim, hid_1_1, hid_2_1, hid_2_3, hid_3_1, out_3_5, out_4_1):
        super(InceptionV1, self).__init__()
        """ 定义四个子模块 """
        self.branch1x1= BasicConv2d(in_dim, hid_1_1, 1)  #1×1卷积降维
        self.branch3x3= nn.Sequential(
            BasicConv2d(in_dim, hid_2_1, 1),
            BasicConv2d(hid_2_1, hid_2_3, 3, padding=1)
        )
        self.branch5x5= nn.Sequential(
            BasicConv2d(in_dim, hid_3_1, 1),
            BasicConv2d(hid_3_1, out_3_5, 5, padding=2)
        )
        self.branch_pool= nn.Sequential(
            nn.MaxPool2d(3, stride=1, padding=1),
            BasicConv2d(in_dim, out_4_1, 1)
        )
    def forward(self, x):
        b1= self.branch1x1(x)
        b2= self.branch3x3(x)
        b3= self.branch5x5(x)
        b4= self.branch_pool(x)
        #将这四个子模块沿着通道方向拼接
        output= torch.cat((b1, b2, b3, b4), dim=1)
        return output

Resnet Bottlenect

由ResNet提出的子模块,通过引入一个shortcut分支,将需要拟合的映射变为残差映射F(x):H(x)-x

ResNet假设:相较于直接优化潜在映射H(x),优化残差映射F(x)更为容易,残差模块称为Bottlenect

ResNet50主要部分在于中间的4个大的卷积组,而这4个卷积组分别包含了3,4,5这3个Bottlenect模块,最后经过一个全局平均池化使得特征图大小变为1x1,然后进行1000维的全连接,最后softmax输出分类得分

F(x)+x是逐通道进行相加,根据通道数是否相同,存在两种Bottlenect结构,通道数不同时,例如每个卷积组的第一个Bottlenect,需要利用1x1卷积对x进行DownSample操作,将通道数变为相同,再相加,对于通道数相同情况,则直接相加

from torch import nn
class Bottlenect(nn.Module):
    def __init__(self, in_dim, out_dim, stride=1):
        super(Bottlenect, self).__init__()
        self.bottlenect= nn.Sequential(
            nn.Conv2d(in_dim, in_dim, 1, bias=False),
            nn.BatchNorm2d(in_dim),
            nn.ReLU(inplace= True),

            nn.Conv2d(in_dim, in_dim, 3, stride, 1, bias=False),
            nn.BatchNorm2d(in_dim),
            nn.ReLU(inplace= True),

            nn.Conv2d(in_dim, out_dim, 1, bias= False),
            nn.BatchNorm2d(out_dim)
        )
        self.relu= nn.ReLU(inplace= True)
        """ DownSample部分是由一个包含BN层的1x1卷积组成 """
        self.downsample= nn.Sequential(
            nn.Conv2d(in_dim, out_dim, 1, 1),
            nn.BatchNorm2d(out_dim)
        )

    def forward(self, x):
        identify= x
        out= self.bottlenect(x)
        identify= self.downsample(x)
        #将identify恒等映射与网络堆叠层输出相加,并经过ReLU后输出
        out+= identify
        out= self.relu(out)
        out= self.relu(out)
        return out

对上述网络进行测试

"""Test"""
import torch

"""----------test VGG16----------"""
from vgg16 import VGG
vgg= VGG(21).cuda()
input= torch.randn(1, 3, 224,224).cuda()
score= vgg(input)
print(score.shape)
# 单独调用卷积模块,输出最后一张特征图
features= vgg.features(input)
print(features.shape)
print(vgg.classifier)

"""----------test InceptionV1----------"""
from inceptionV1 import InceptionV1
net_inceptionv1= InceptionV1(3, 64, 32, 64, 64, 96, 32).cuda()
print(net_inceptionv1)
input= torch.randn(1, 3, 256,256).cuda()
print("input.shape:",input.shape, "\noutput.shape:",net_inceptionv1(input).shape)  #32+96+64+64

"""----------test ResNet50.Bottlenect----------"""
from resnet_bottlenect import Bottlenect
bottlenect_1_1= Bottlenect(64, 256).cuda()
print(bottlenect_1_1)
input= torch.randn(1, 64, 56, 56).cuda()
outpupt= bottlenect_1_1(input)
print("input.shape:",input.shape, "output.shape:",outpupt.shape)

标签:__,dim,常用,nn,实现,self,torch,神经网络,out
From: https://www.cnblogs.com/sgqmax/p/18522298

相关文章

  • 神经网络工具nn
    实现神经网络torch将张量转换为torch.cuda.TensorFloat并在GPU上进行计算torch.autograd构建计算图并自动获取梯度torch.nn具有共享层和损失函数的神经网络库torch.optim通用优化算法神经网络基本结构网络层:神经网络的基本模型网络模型:层构成的网络损失函数:参数学习的......
  • C++ 实现俄罗斯方块游戏
    ✅作者简介:2022年博客新星第八。热爱国学的Java后端开发者,修心和技术同步精进。......
  • 【河北建筑工程学院毕业论文】基于Spring Boot架构的游戏商城的设计与实现
    注:仅展示部分文档内容和系统截图,需要完整的视频、代码、文章和安装调试环境请私信up主。摘要随着互联网技术的发展,游戏行业遇到了前所未有的发展和机遇。游戏商城是游戏行业中的一个重要组成部分,为游戏玩家提供了游戏购买、下载、充值等全方位服务。随着游戏用户的快速增......
  • ResNet 残差神经网络
    文章目录一、什么是ResNet?二、残差结构(ResidualStructure)三、BatchNormalization(BN----批归一化)一、什么是ResNet?ResNet网络是在2015年由微软实验室中的何凯明等几位大神提出,斩获当年ImageNet竞赛中分类任务第一名,目标检测第一名。获得COCO数据集中目标检测第......
  • stack和queue的使用介绍和模拟实现
    一.适配器的介绍    1.首先,vector和list在STL组件里面被称作容器,而stack和queue则是被称作适配器。    2.容器适配器在底层实现时,主要是对特定类进行封装来作为其底层的容器,并在底层实现的时候,添加了多种函数接口来实现其具体的功能。    3.适配器......
  • List类函数使用讲解及模拟实现
    一.List介绍    1.List是一个支持在任意位置进行插入和删除的序列式容器。    2.List底层实现时使用的是双向链表结构,每个节点之间都互不相干,通过指针进行前后结点的指向。    3.List的优点在于进行数据的插入和删除的时候,不需要去大量的挪动数据,效......
  • 阿里云基于ALB实现灰度发布
    灰度发布(又称为金丝雀发布)是一种平滑过渡的发布方式,将老版本应用与新版本应用同时部署在环境中,让一部分用户继续使用老版本应用,一部分用户开始使用新版本应用,然后根据用户使用情况调整新版本流量占比,逐步把所有用户都迁移到新版本应用。 1.应用场景互联网产品需要快速......
  • 随便写的一点BinTree模板实现
    `#pragmawarning(disable:4996)includeincludeincludeincludetemplatestructBinNode{int_depth;//节点深度int_height;//节点高度T_data;//存储的数据BinNode*_parent;//父节点BinNode*_lChild;//左子节点BinNode*......
  • RabbitMQ实现轮询形式消息最大发送失败次数,及详细解析
    RabbitMQ设置消息最大发送失败次数,达到三次后不确认消息(此处根据业务需求可考虑使不确认的消息进入死信交换机)配置文件:spring:rabbitmq:host:192.168.1.248port:5672username:adminpassword:123456virtual-host:powernodepublisher......
  • DEV C++ 平台【openGL】库 几何变换下图案设计 星状图形 与 圆 的画法实现 【C语言】
     项目实现话不多说,上干货!    在本文中,我们将探讨如何使用OpenGL库在DEVC++平台上绘制一个包含星状图形和圆的设计。功能简单介绍    该代码通过定义多个函数,实现了圆和星状图形的精确绘制。首先,DrawingCircle函数负责绘制圆,通过指定圆心坐标和半径,利用三角......