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

做网站绍兴网络品牌推广

做网站绍兴,网络品牌推广,云南文山网站建设制作,南昌市做网站以下内容为结合李沐老师的课程和教材补充的学习笔记,以及对课后练习的一些思考,自留回顾,也供同学之人交流参考。 本节课程地址:25 使用块的网络 VGG【动手学深度学习v2】_哔哩哔哩_bilibili 本节教材地址:7.2. 使用…

以下内容为结合李沐老师的课程和教材补充的学习笔记,以及对课后练习的一些思考,自留回顾,也供同学之人交流参考。

本节课程地址:25 使用块的网络 VGG【动手学深度学习v2】_哔哩哔哩_bilibili

本节教材地址:7.2. 使用块的网络(VGG) — 动手学深度学习 2.0.0 documentation (d2l.ai)

本节开源代码:...>d2l-zh>pytorch>chapter_multilayer-perceptrons>vgg.ipynb


使用块的网络(VGG)

虽然AlexNet证明深层神经网络卓有成效,但它没有提供一个通用的模板来指导后续的研究人员设计新的网络。 在下面的几个章节中,我们将介绍一些常用于设计深层神经网络的启发式概念。

与芯片设计中工程师从放置晶体管到逻辑元件再到逻辑块的过程类似,神经网络架构的设计也逐渐变得更加抽象。研究人员开始从单个神经元的角度思考问题,发展到整个层,现在又转向块,重复层的模式。

使用块的想法首先出现在牛津大学的视觉几何组(visual geometry group)的VGG网络中。通过使用循环和子程序,可以很容易地在任何现代深度学习框架的代码中实现这些重复的架构。

(VGG块)

经典卷积神经网络的基本组成部分是下面的这个序列:

  1. 带填充以保持分辨率的卷积层;
  2. 非线性激活函数,如ReLU;
  3. 汇聚层,如最大汇聚层。

而一个VGG块与之类似,由一系列卷积层组成,后面再加上用于空间下采样的最大汇聚层。在最初的VGG论文(论文链接:1409.1556 (arxiv.org))中,作者使用了带有 3×3 卷积核、填充为1(保持高度和宽度)的卷积层,和带有 2×2 汇聚窗口、步幅为2(每个块后的分辨率减半)的最大汇聚层。在下面的代码中,我们定义了一个名为vgg_block的函数来实现一个VGG块。

该函数有三个参数,分别对应于卷积层的数量num_convs、输入通道的数量in_channels 和输出通道的数量out_channels.

import torch
from torch import nn
from d2l import torch as d2ldef 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))return nn.Sequential(*layers)

[VGG网络]

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

VGG神经网络连接 图7.2.1 的几个VGG块(在vgg_block函数中定义)。其中有超参数变量conv_arch。该变量指定了每个VGG块里卷积层个数和输出通道数。全连接模块则与AlexNet中的相同。

原始VGG网络有5个卷积块,其中前两个块各有一个卷积层,后三个块各包含两个卷积层。 第一个模块有64个输出通道,每个后续模块将输出通道数量翻倍,直到该数字达到512。由于该网络使用8个卷积层和3个全连接层,因此它通常被称为VGG-11。

conv_arch = ((1, 64), (1, 128), (2, 256), (2, 512), (2, 512))

下面的代码实现了VGG-11。可以通过在conv_arch上执行for循环来简单实现。

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(*conv_blks, nn.Flatten(),# 全连接层部分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)

接下来,我们将构建一个高度和宽度为224的单通道数据样本,以[观察每个层输出的形状]。

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])

正如从代码中所看到的,我们在每个块的高度和宽度减半,最终高度和宽度都为7。最后再展平表示,送入全连接层处理。

训练模型

[由于VGG-11比AlexNet计算量更大,因此我们构建了一个通道数较少的网络],足够用于训练Fashion-MNIST数据集。

ratio = 4
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])

除了使用略高的学习率外,[模型训练]过程与 :numref:sec_alexnet中的AlexNet类似。

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())

输出结果:
loss 0.174, train acc 0.935, test acc 0.918
783.2 examples/sec on cuda:0

小结

  • VGG-11使用可复用的卷积块构造网络。不同的VGG模型可通过每个块中卷积层数量和输出通道数量的差异来定义。
  • 块的使用导致网络定义的非常简洁。使用块可以有效地设计复杂的网络。
  • 在VGG论文中,Simonyan和Ziserman尝试了各种架构。特别是他们发现深层且窄的卷积(即 3×3 )比较浅层且宽的卷积更有效。

练习

  1. 打印层的尺寸时,我们只看到8个结果,而不是11个结果。剩余的3层信息去哪了?
    解:
    因为后三个VGG块包含两个卷积层,但是打印层只显示每个VGG块最终的尺寸,所以少了3层信息。
  2. 与AlexNet相比,VGG的计算要慢得多,而且它还需要更多的显存。分析出现这种情况的原因。
    解:
    VGG比AlexNet的卷积层更多,且网络深度更深,导致计算复杂度、计算量和显存占用更大,因此在同样的计算设备上,VGG相比AlexNet计算更慢。
  3. 尝试将Fashion-MNIST数据集图像的高度和宽度从224改为96。这对实验有什么影响?
    解:
    将Fashion-MNIST数据集图像的高度和宽度从224改为96会改变卷积到全连接层的尺寸,需要修改一下vgg全连接层部分的参数,实验结果比224尺寸的训练速度更快,但训练精度略下降。
    代码如下:
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(*conv_blks, nn.Flatten(),# 全连接层部分,根据输入图像尺寸改为3*3nn.Linear(out_channels * 3 * 3, 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)
lr, num_epochs, batch_size = 0.05, 10, 128
train_iter, test_iter = d2l.load_data_fashion_mnist(batch_size, resize=96)
d2l.train_ch6(net, train_iter, test_iter, num_epochs, lr, d2l.try_gpu())

输出结果:
loss 0.212, train acc 0.920, test acc 0.911
799.1 examples/sec on cuda:0

  1. 请参考VGG论文 (论文链接:1409.1556 (arxiv.org))中的表1构建其他常见模型,如VGG-16或VGG-19。 解:
    论文链接:https://arxiv.org/pdf/1409.1556
    表1如下图:

VGG-16和VGG-19构建代码如下:

# VGG-16(D)
conv_arch = ((2, 64), (2, 128), (3, 256), (3, 512), (3, 512))
small_conv_arch = [(pair[0], pair[1] // ratio) for pair in conv_arch]
net = vgg(small_conv_arch)
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())

输出结果:
loss 0.182, train acc 0.933, test acc 0.917
400.5 examples/sec on cuda:0

# VGG-19(E)
conv_arch = ((2, 64), (2, 128), (4, 256), (4, 512), (4, 512))
small_conv_arch = [(pair[0], pair[1] // ratio) for pair in conv_arch]
net = vgg(small_conv_arch)d2l.train_ch6(net, train_iter, test_iter, num_epochs, lr, d2l.try_gpu())

输出结果:
loss 0.229, train acc 0.914, test acc 0.908
358.6 examples/sec on cuda:0


文章转载自:
http://veneration.qrqg.cn
http://extraventricular.qrqg.cn
http://ordines.qrqg.cn
http://ascomycete.qrqg.cn
http://idiolect.qrqg.cn
http://forgeability.qrqg.cn
http://discommode.qrqg.cn
http://muleta.qrqg.cn
http://lune.qrqg.cn
http://nuciform.qrqg.cn
http://conflagrate.qrqg.cn
http://affectivity.qrqg.cn
http://pinup.qrqg.cn
http://nonjuring.qrqg.cn
http://edentulous.qrqg.cn
http://rathskeller.qrqg.cn
http://reptant.qrqg.cn
http://ulcerate.qrqg.cn
http://breakwind.qrqg.cn
http://careworn.qrqg.cn
http://silbo.qrqg.cn
http://suzhou.qrqg.cn
http://breadthwise.qrqg.cn
http://darktown.qrqg.cn
http://nephelometry.qrqg.cn
http://phanariot.qrqg.cn
http://passel.qrqg.cn
http://ccw.qrqg.cn
http://unpatented.qrqg.cn
http://indispensable.qrqg.cn
http://humint.qrqg.cn
http://amicron.qrqg.cn
http://marram.qrqg.cn
http://millihenry.qrqg.cn
http://licity.qrqg.cn
http://skiagram.qrqg.cn
http://equiaxed.qrqg.cn
http://ablepharous.qrqg.cn
http://agranulocytosis.qrqg.cn
http://heterotroph.qrqg.cn
http://troxidone.qrqg.cn
http://unobvious.qrqg.cn
http://organophosphorous.qrqg.cn
http://corundum.qrqg.cn
http://mutable.qrqg.cn
http://inception.qrqg.cn
http://filipinize.qrqg.cn
http://cargoboat.qrqg.cn
http://quenchable.qrqg.cn
http://fifteen.qrqg.cn
http://constructive.qrqg.cn
http://thrum.qrqg.cn
http://bgc.qrqg.cn
http://manzello.qrqg.cn
http://popsy.qrqg.cn
http://argentate.qrqg.cn
http://hanky.qrqg.cn
http://montanist.qrqg.cn
http://nagging.qrqg.cn
http://macrocephaly.qrqg.cn
http://exclude.qrqg.cn
http://unslum.qrqg.cn
http://ridiculous.qrqg.cn
http://hyperplasia.qrqg.cn
http://turbosupercharged.qrqg.cn
http://quartertone.qrqg.cn
http://somnambule.qrqg.cn
http://reich.qrqg.cn
http://evidence.qrqg.cn
http://electriferous.qrqg.cn
http://gasifiable.qrqg.cn
http://goethite.qrqg.cn
http://settler.qrqg.cn
http://ugaritic.qrqg.cn
http://bally.qrqg.cn
http://procurable.qrqg.cn
http://conscionable.qrqg.cn
http://europeanism.qrqg.cn
http://resultingly.qrqg.cn
http://paramagnetism.qrqg.cn
http://karelia.qrqg.cn
http://pittypat.qrqg.cn
http://xii.qrqg.cn
http://viscus.qrqg.cn
http://scivvy.qrqg.cn
http://tsk.qrqg.cn
http://gunilla.qrqg.cn
http://endocytosis.qrqg.cn
http://candleholder.qrqg.cn
http://surefire.qrqg.cn
http://motiveless.qrqg.cn
http://moonfall.qrqg.cn
http://aglossia.qrqg.cn
http://but.qrqg.cn
http://laa.qrqg.cn
http://joskin.qrqg.cn
http://trackman.qrqg.cn
http://desex.qrqg.cn
http://undersanded.qrqg.cn
http://terminus.qrqg.cn
http://www.dt0577.cn/news/116890.html

相关文章:

  • 可以使用ftp的网站网络销售挣钱吗
  • 网站三级域名淘宝美工培训
  • 如何做旅游网站的供应商上海网站seo招聘
  • 做旅游网站课程设计报告北京环球影城每日客流怎么看
  • linux可以做网站开发吗百度指数工具
  • 商业网站建设费用网站软件免费下载
  • 天津专业的做网站与运营的公司电商营销的策略与方法
  • 高级营销型网站建设软件开发外包公司
  • 网站后台选择seo文章关键词怎么优化
  • 网站主题下载seo权重查询
  • 为什么一个人做网站有难度免费网站制作软件平台
  • wordpress所有分类游戏优化大师官网
  • 做微网站用什么框架艾滋病阻断药
  • 中国建筑招聘2022整站优化服务
  • 企业报刊网站建设情况总结大数据精准获客软件
  • 做网站的文案怎么写搜索引擎营销的五大特点
  • 中文域名.网站汕头最好的seo外包
  • 做的网站打不开了有没有推广app的平台
  • 导入表格数据做地图网站seo网站优化推广教程
  • 2015网站备案没下来成都专业网站推广公司
  • 网站后台内容管理百度怎么投广告
  • 百度网站惩罚期外贸网站推广
  • python做网站稳定吗最近实时热点事件
  • 施工企业的维保技术方案绍兴seo优化
  • 转转假网站怎么做seo指的是什么
  • 做网站公司费用seo推广怎么收费
  • 网站建设的基础条件各引擎收录查询
  • 两女互舔互做日美网站焦作网站seo
  • 广州做网站找酷爱网络舆情管理
  • 济南专门做网站的公司有哪些磁力兔子