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

怎样查看网站的访问量ui和平面设计的区别

怎样查看网站的访问量,ui和平面设计的区别,网站平台建设意见,苏州建设工程信息网VGG首先引入块的思想将模型通用模板化 VGG模型的特点 与AlexNet,LeNet一样,VGG网络可以分为两部分,第一部分主要由卷积层和汇聚层组成,第二部分由全连接层组成。 VGG有5个卷积块,前两个块包含一个卷积层&#xff0c…

VGG首先引入块的思想将模型通用模板化

VGG模型的特点

与AlexNet,LeNet一样,VGG网络可以分为两部分,第一部分主要由卷积层和汇聚层组成,第二部分由全连接层组成。

VGG有5个卷积块,前两个块包含一个卷积层,后三个块包含两个卷积层。 2 * 1 + 3 * 2 = 8个卷积层和后面3个全连接层,所以它被称为VGG11

AlexNet模型架构与VGG模型架构对比

在这里插入图片描述

import torch
from torch import nn
from d2l import torch as d2l
import time
# 卷积块函数
def vgg_block(num_convs,in_channels,out_channels):layers = []for _ in range(num_convs):layers.append(nn.Conv2d(in_channels,out_channels,kernel_size=3,padding=1))layers.append(nn.ReLU())in_channels = out_channelslayers.append(nn.MaxPool2d(kernel_size=2,stride=2))'''`nn.Sequential(*layers)`中的`*layers`将会展开`layers`列表,将其中的每个层作为单独的参数传递给`nn.Sequential`函数,以便构建一个顺序模型。'''return nn.Sequential(*layers)
# 定义卷积块的输入输出
conv_arch = ((1,64),(1,128),(2,256),(2,512),(2,512))
# VGG有5个卷积块,前两个块包含一个卷积层,后三个块包含两个卷积层。 2 * 1 + 3 * 2 = 8个卷积层和后面3个全连接层,所以它被称为VGG11
def vgg(conv_arch):conv_blks = []in_channels = 1# 卷积层部分for (num_convs,out_channels) in conv_arch:conv_blks.append(vgg_block(num_convs,in_channels,out_channels))in_channels = out_channelsreturn nn.Sequential(# 5个卷积块部分*conv_blks,nn.Flatten(),# 3个全连接部分nn.Linear(out_channels*7*7,4096),nn.ReLU(),nn.Dropout(0.5),nn.Linear(4096,4096),nn.ReLU(),nn.Dropout(0.5),nn.Linear(4096,10))
net = vgg(conv_arch)
X = torch.randn(size=(1,1,224,224))
for blk in net:X = blk(X)print(blk.__class__.__name__,'output shape:\t',X.shape)
Sequential output shape:	 torch.Size([1, 64, 112, 112])
Sequential output shape:	 torch.Size([1, 128, 56, 56])
Sequential output shape:	 torch.Size([1, 256, 28, 28])
Sequential output shape:	 torch.Size([1, 512, 14, 14])
Sequential output shape:	 torch.Size([1, 512, 7, 7])
Flatten output shape:	 torch.Size([1, 25088])
Linear output shape:	 torch.Size([1, 4096])
ReLU output shape:	 torch.Size([1, 4096])
Dropout output shape:	 torch.Size([1, 4096])
Linear output shape:	 torch.Size([1, 4096])
ReLU output shape:	 torch.Size([1, 4096])
Dropout output shape:	 torch.Size([1, 4096])
Linear output shape:	 torch.Size([1, 10])

为了使用Fashion-MNIST数据集,使用缩小VGG11的通道数的VGG11

# 由于VGG11比AlexNet计算量更大,所以构建一个通道数校小的网络
ratio = 4
# 样本数pair[0]不变,通道数pair[1]缩小四倍
small_conv_arch = [(pair[0],pair[1] // ratio) for pair in conv_arch]
net = vgg(small_conv_arch)
X = torch.randn(size=(1,1,224,224))
for blk in net:X = blk(X)print(blk.__class__.__name__,'output shape:\t',X.shape)
Sequential output shape:	 torch.Size([1, 16, 112, 112])
Sequential output shape:	 torch.Size([1, 32, 56, 56])
Sequential output shape:	 torch.Size([1, 64, 28, 28])
Sequential output shape:	 torch.Size([1, 128, 14, 14])
Sequential output shape:	 torch.Size([1, 128, 7, 7])
Flatten output shape:	 torch.Size([1, 6272])
Linear output shape:	 torch.Size([1, 4096])
ReLU output shape:	 torch.Size([1, 4096])
Dropout output shape:	 torch.Size([1, 4096])
Linear output shape:	 torch.Size([1, 4096])
ReLU output shape:	 torch.Size([1, 4096])
Dropout output shape:	 torch.Size([1, 4096])
Linear output shape:	 torch.Size([1, 10])
'''开始计时'''
start_time = time.time()
lr,num_epochs,batch_size = 0.05,10,128
train_iter,test_iter = d2l.load_data_fashion_mnist(batch_size,resize=224)
d2l.train_ch6(net,train_iter,test_iter,num_epochs,lr,d2l.try_gpu())
'''时间结束'''
end_time = time.time()
run_time = end_time - start_time
# 将输出的秒数保留两位小数
print(f'{round(run_time,2)}s')

在这里插入图片描述

http://www.yayakq.cn/news/302030/

相关文章:

  • 小型企业网站建设报告模拟组建过程电商 做图 网站
  • 大唐工作室 网站制作深圳制作网站开发费用
  • 网页设计素材站自己做网站图片存在哪里
  • 免费建站网站自助建站的网站建站抚松做网站
  • 中山建网站最好的公司品牌vi设计一般多少钱
  • 网站排名在哪里优化建设网站是主营成本吗
  • 什么网站做广告效果好什么是网络营销策划
  • 网站建设推广费怎么做账网站建设职位要求
  • 湖南网站开发哪家好worldpress和wordpress
  • 电子商务网站建设与管理总结青岛外贸网站运营哪家好
  • 仪征建设银行官方网站句容网络推广
  • 海珠网站建设报价国土系统网站建设用地受理表
  • 网站设计建设价格搜索引擎优化方法案例
  • 上海优化网站公司房地产微网站模板
  • 山东网站备案注意事项海南seo快速排名优化多少钱
  • 北京通州做网站南宁小程序定制开发公司
  • 珠海汽车网站建设花生壳怎么建设购物网站
  • 网站怎么做筛选功能的代码发布消息做任务的网站
  • 北京市建设部网站广州番禺属于哪个区
  • 免费博客网站网站建设活动
  • 淘宝客网站备案号做安居客网站需要什么浏览器
  • 怎么更改网站首页图片尺寸东莞网站建设的价格
  • 洛阳新光建站百度相册登录入口
  • 官方网站怎么制作做网站是学什么专业
  • 如何建立自己网站视频教程网站设计步骤及注意事项
  • 漳州微网站建设公司推荐wordpress 通用代码 网页
  • 如何创建属于个人网站武清网站开发tjniu
  • 适合个人网站的名称扬州专业外贸网站建设推广
  • 建设用地规划许可证去哪个网站查河南网站排名优化价格
  • 网站设计轮播图需要吗咨询类网站模板