【学习笔记】神经网络—线性层
创始人
2024-11-28 17:05:57
0

查看官方文档:PyTorchicon-default.png?t=N7T8https://pytorch.org/

找到Linear Layers,如下所示 

 线性层函数介绍:

CLASStorch.nn.Linear(in_featuresout_featuresbias=Truedevice=Nonedtype=None)[SOURCE]icon-default.png?t=N7T8https://pytorch.org/docs/stable/_modules/torch/nn/modules/linear.html#Linear

参数介绍:

Parameters

  • in_features (int) – size of each input sample

  • out_features (int) – size of each output sample

  • bias (bool) – If set to , the layer will not learn an additive bias. Default: FalseTru

 线性层又叫全连接层,其中每个神经元与上一层所有神经元相连,一个简单的线性层如下图所示:

in_features指的是上图中x1,x2...xd的个数,即d

out_features 指的是上图中g1,g2...gL的个数,即L

bias:偏置,上面加不加b,就由这个bias控制,True时,加b        ·

Variables

  • weight (torch.Tensor) :相当于上图中的

  • bias : 相当于上图中的b

下面以一个简单的网络结果VGG16模型为例 :

 我们想实现下面这个:

import torch import torchvision from torch import nn from torch.nn import Linear from torch.utils.data import DataLoader  dataset=torchvision.datasets.CIFAR10('datasets',train=False,transform=torchvision.transforms.ToTensor(),download=True)  dataloader=DataLoader(dataset,batch_size=64,drop_last=True)  class Tudui(nn.Module):         def __init__(self):             super(Tudui,self).__init__()             self.linear1 = Linear(in_features=196608,out_features=10)         def forward(self,input):             output = self.linear1(input)             return output   tudui=Tudui() for data in dataloader:     imgs,targets=data     print(imgs.shape)   # torch.Size([64, 3, 32, 32])   imgs个数为157,最后imgs[157]个数为14张图片     # output=torch.reshape(imgs,([1,1,1,-1]))  #最后一个-1代表让其自己计算     output = torch.flatten(imgs)     print(output.shape)  #torch.    Size([1, 1, 1, 196608])     output= tudui(output)     print(output.shape)  #经过神经网络 torch.Size([1, 1, 1, 10])

如下图所示,pytorch提供的一些网络模型,像AlexNet,VGG,ResNet等

 语义分割:Semantic Segmentationicon-default.png?t=N7T8https://pytorch.org/vision/0.9/models.html#semantic-segmentation

目标检测、实例分割和人体结构检测(行为检测) 

  • Object Detection, Instance Segmentation and Person Keypoint Detectionicon-default.png?t=N7T8https://pytorch.org/vision/0.9/models.html#object-detection-instance-segmentation-and-person-keypoint-detection

 

相关内容

热门资讯

透视ai代打!贪吃蛇辅助器怎么... 透视ai代打!贪吃蛇辅助器怎么下载,潮汕来物局游戏源码,攻略教程(有挂透视);贪吃蛇辅助器怎么下载软...
透视软件!wepoker有辅助... 透视软件!wepoker有辅助吗,阿拉游戏免费辅助器,攻略教程(有挂辅助)一、阿拉游戏免费辅助器软件...
三分钟辅助(闲逸碰胡辅助插件)... 三分钟辅助(闲逸碰胡辅助插件)确实有挂(详细辅助AI教程)1、闲逸碰胡辅助插件系统规律教程、闲逸碰胡...
实操分享“微乐小程序辅助插件”... 实操分享“微乐小程序辅助插件”果然真的是有挂(辅助挂)详细辅助安装教程;1、点击下载安装,插件透视分...
第8分钟辅助!新鸿狐脚本(辅助... 一、新鸿狐脚本简介了解软件请加微:136704302新鸿狐脚本是一款在线扑克游戏平台,玩家可以在平台...
透视美元局!雀神广东智能插件价... 透视美元局!雀神广东智能插件价格,掌中乐游戏辅助器,玩家教程(有挂教程);科技安装教程;136704...
透视辅助!大菠萝手游辅助,斗棋... 透视辅助!大菠萝手游辅助,斗棋辅助脚本视频,2025新版技巧(有挂细节)1、这是跨平台的斗棋辅助脚本...
第一分钟辅助(福建大玩家十三水... 第一分钟辅助(福建大玩家十三水辅助)确实真的有挂(详细辅助微扑克教程)1、第一分钟辅助(福建大玩家十...
玩家必用“四川熊猫辅助”原来真... 玩家必用“四川熊猫辅助”原来真的是有挂(辅助挂)详细辅助安装教程1、实时开挂更新:用户可以随时随地访...
两分钟辅助!芒果辅助平台(辅助... 两分钟辅助!芒果辅助平台(辅助挂)素来存在有挂(详细辅助大神讲解)是一款可以让一直输的玩家,快速成为...