当前位置: 首页 > news >正文

长沙旅游攻略最佳路线seo排名工具有哪些

长沙旅游攻略最佳路线,seo排名工具有哪些,网站开发与设计实训报告摘要,活动策划接单平台文章目录 文章地址网络各层结构代码实现 文章地址 An End-to-End Traffic Visibility Regression Algorithm文章通过训练搜集得到的真实道路图像数据集(Actual Road dense image Dataset, ARD),通过专业的能见度计和多人标注,获得…

文章目录

    • 文章地址
    • 网络各层结构
    • 代码实现

文章地址

  • An End-to-End Traffic Visibility Regression Algorithm
  • 文章通过训练搜集得到的真实道路图像数据集(Actual Road dense image Dataset, ARD),通过专业的能见度计和多人标注,获得可靠的能见度标签数据集。构建网络,进行训练,获得了较好的能见度识别网络。网络包括特征提取​、多尺度映射​、特征融合​、非线性输出(回归范围为[0,1],需要经过(0,0),(1,1)改用修改的sigmoid函数,相较于ReLU更好)。结构如下​
    在这里插入图片描述

网络各层结构

在这里插入图片描述

  • 我认为红框位置与之相应的参数不匹配,在Feature Extraction部分Reshape之后得到的特征图大小为4124124。紧接着接了一个卷积层Conv,显示输入是3128128
  • 第二处红框,MaxPool的kernel设置为88,特征图没有进行padding,到全连接层的输入变为64117*117,参数不对应
    在这里插入图片描述

代码实现

"""Based on the ideas of the below paper, using PyTorch to build TVRNet.Reference: Qin H, Qin H. An end-to-end traffic visibility regression algorithm[J]. IEEE Access, 2021, 10: 25448-25454.​@weishuo
"""import torch
from torch import nn
import mathclass Inception(nn.Module):def __init__(self, in_planes, out_planes):super(Inception, self).__init__()self.conv1 = nn.Conv2d(in_planes, out_planes, kernel_size=1, padding=0)self.conv3 = nn.Conv2d(in_planes, out_planes, kernel_size=3, padding=1)self.conv5 = nn.Conv2d(in_planes, out_planes, kernel_size=5, padding=2)self.conv7 = nn.Conv2d(in_planes, out_planes, kernel_size=7, padding=3)def forward(self, x):out_1 = self.conv1(x)out_3 = self.conv3(x)out_5 = self.conv5(x)out_7 = self.conv7(x)out = torch.cat((out_1, out_3, out_5, out_7), dim=1)return outdef modify_sigmoid(x):return 1 / (1 + torch.exp(-10*(x-0.5)))class TVRNet(nn.Module):def __init__(self, in_planes, out_planes):super(TVRNet, self).__init__()# (B, 3, 224, 224)  ——>  (B, 3, 220, 220)self.FeatureExtraction_onestep = nn.Sequential(nn.Conv2d(in_planes, 20, kernel_size=5, padding=0),nn.ReLU(inplace=True),)self.FeatureExtraction_maxpool = nn.MaxPool2d((5, 1))self.MultiScaleMapping = nn.Sequential(Inception(4, 16),nn.ReLU(inplace=True),nn.MaxPool2d(kernel_size=8))self.FeatureIntegration = nn.Sequential(nn.Linear(46656, 100),nn.ReLU(inplace=True),nn.Dropout(0.4),nn.Linear(100, out_planes))self.NonLinearRegression = modify_sigmoiddef forward(self, x):x = self.FeatureExtraction_onestep(x)x = x.view((x.shape[0], 1, x.shape[1], -1))x = self.FeatureExtraction_maxpool(x)x = x.view(x.shape[0], x.shape[2], int(math.sqrt(x.shape[3])), int(math.sqrt(x.shape[3])))# print(x.shape)x = self.MultiScaleMapping(x)# print(x.shape)x = x.view(x.shape[0], -1)x = self.FeatureIntegration(x)out = self.NonLinearRegression(x)return outif __name__ == '__main__':a = torch.randn(1,3,224,224)net = TVRNet(3,3)b = net(a)print(b.shape)
http://www.tj-hxxt.cn/news/125545.html

相关文章:

  • 做网站源代码需要买吗北京seo关键词优化外包
  • 网站开发建设方案的主要内容包括商城小程序
  • 网站建设开发方式包括哪些方面seo关键词优化技巧
  • 产品推广的网站怎么做谷歌seo推广公司
  • 珠宝网站建设的主要方式杭州优化seo公司
  • 专题网站建设解决方案无锡seo公司找哪家好
  • 网站审查元素 可做代码seo关键词排名查询
  • 江门市网站建设高质量外链
  • 给一个网站seo霸屏软件
  • 山西城乡建设部网站首页今日油价最新
  • 腾讯视频网站源码东营网站推广公司
  • 自己免费网站建设红河网站建设
  • 芗城网站建设公司个人接app推广单去哪里接
  • 长沙建站长沙网站百度seo算法
  • 美颜秘籍网站建设自己怎么给网站做优化排名
  • 网店运营心得体会链接优化方法
  • 做网站站怎么赚钱吗东莞网络优化公司
  • 网站备案信息真实性核验单 下载百度客服电话4001056
  • 怎样做门户网站网络营销的内容有哪些方面
  • 电话销售做网站犯法吗哪个网站是免费的
  • 潍坊潍城姓王的做网站重庆关键词seo排名
  • 网站国际网络备案号seo查询
  • 律师微网站建设seo自学网app
  • 网页在线发短信平台杭州seo营销
  • 专业网站制作解决方案广东seo推广费用
  • 专业做网站推广什么是核心关键词
  • 怎么做网站开始动画seo权重优化
  • 用java做网站步骤百度seo关键词排名s
  • wordpress注释插件优化 保证排名
  • 盘锦微信网站建设宁波seo推广推荐