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

手机app网站模板目前做的最好的社交电商平台

手机app网站模板,目前做的最好的社交电商平台,wordpress mysql,在线网站建设平台哪个好7.1.1 学习表征 深度卷积神经网络的突破出现在2012年。突破可归因于以下两个关键因素#xff1a; 缺少的成分#xff1a;数据 数据集紧缺的情况在 2010 年前后兴起的大数据浪潮中得到改善。ImageNet 挑战赛中#xff0c;ImageNet数据集由斯坦福大学教授李飞飞小组的研究人…7.1.1 学习表征 深度卷积神经网络的突破出现在2012年。突破可归因于以下两个关键因素 缺少的成分数据 数据集紧缺的情况在 2010 年前后兴起的大数据浪潮中得到改善。ImageNet 挑战赛中ImageNet数据集由斯坦福大学教授李飞飞小组的研究人员开发利用谷歌图像搜索对分类图片进行预筛选并利用亚马逊众包标注每张图片的类别。这种数据规模是前所未有的。缺少的成分硬件 2012年Alex Krizhevsky和Ilya Sutskever使用两个显存为3GB的NVIDIA GTX580 GPU实现了快速卷积运算推动了深度学习热潮。 7.1.2 AlexNet 2012年横空出世的 AlexNet 首次证明了学习到的特征可以超越手动设计的特征。 AlexNet 和 LeNet 的架构非常相似此书对模型稍微精简了一下取出来需要两个小GPU同时运算的设计特点 全连接层(1000) ↑ \uparrow ↑ 全连接层(4096) ↑ \uparrow ↑ 全连接层(4096) ↑ \uparrow ↑ 3 × 3 3\times3 3×3最大汇聚层步幅2 ↑ \uparrow ↑ 3 × 3 3\times3 3×3卷积层(384)填充1 ↑ \uparrow ↑ 3 × 3 3\times3 3×3卷积层(384)填充1 ↑ \uparrow ↑ 3 × 3 3\times3 3×3卷积层(384)填充1 ↑ \uparrow ↑ 3 × 3 3\times3 3×3最大汇聚层步幅2 ↑ \uparrow ↑ 5 × 5 5\times5 5×5卷积层(256)填充2 ↑ \uparrow ↑ 3 × 3 3\times3 3×3最大汇聚层步幅2 ↑ \uparrow ↑ 11 × 11 11\times11 11×11卷积层(96)步幅4 ↑ \uparrow ↑ 输入图像 3 × 224 × 224 3\times224\times224 3×224×224 AlexNet 和 LeNet 的差异 - AlexNet 比 LeNet 深的多 - AlexNet 使用 ReLU 而非 sigmoid 作为激活函数以下为 AlexNet 的细节。 模型设计 由于 ImageNet 中的图像大多较大因此第一层采用了 11 × 11 11\times11 11×11 的超大卷积核。后续再一步一步缩减到 3 × 3 3\times3 3×3。而且 AlexNet 的卷积通道数是 LeNet 的十倍。 最后两个巨大的全连接层分别各有4096个输出近 1G 的模型参数。因早期 GPU 显存有限原始的 AlexNet 采取了双数据流设计。 激活函数 ReLU 激活函数是训练模型更加容易。它在正区间的梯度总为1而 sigmoid 函数可能在正区间内得到几乎为 0 的梯度。 容量控制和预处理 AlexNet 通过暂退法控制全连接层的复杂度。此外为了扩充数据AlexNet 在训练时增加了大量的图像增强数据如翻转、裁切和变色这也使得模型更健壮并减少了过拟合。 import torch from torch import nn from d2l import torch as d2lnet nn.Sequential(# 这里使用一个11*11的更大窗口来捕捉对象。# 同时步幅为4以减少输出的高度和宽度。# 另外输出通道的数目远大于LeNetnn.Conv2d(1, 96, kernel_size11, stride4, padding1), nn.ReLU(),nn.MaxPool2d(kernel_size3, stride2),# 减小卷积窗口使用填充为2来使得输入与输出的高和宽一致且增大输出通道数nn.Conv2d(96, 256, kernel_size5, padding2), nn.ReLU(),nn.MaxPool2d(kernel_size3, stride2),# 使用三个连续的卷积层和较小的卷积窗口。# 除了最后的卷积层输出通道的数量进一步增加。# 在前两个卷积层之后汇聚层不用于减少输入的高度和宽度nn.Conv2d(256, 384, kernel_size3, padding1), nn.ReLU(),nn.Conv2d(384, 384, kernel_size3, padding1), nn.ReLU(),nn.Conv2d(384, 256, kernel_size3, padding1), nn.ReLU(),nn.MaxPool2d(kernel_size3, stride2),nn.Flatten(),# 这里全连接层的输出数量是LeNet中的好几倍。使用dropout层来减轻过拟合nn.Linear(6400, 4096), nn.ReLU(),nn.Dropout(p0.5),nn.Linear(4096, 4096), nn.ReLU(),nn.Dropout(p0.5),# 最后是输出层。由于这里使用Fashion-MNIST所以用类别数为10而非论文中的1000nn.Linear(4096, 10))X torch.randn(1, 1, 224, 224) for layer in net:Xlayer(X)print(layer.__class__.__name__,output shape:\t,X.shape)Conv2d output shape: torch.Size([1, 96, 54, 54]) ReLU output shape: torch.Size([1, 96, 54, 54]) MaxPool2d output shape: torch.Size([1, 96, 26, 26]) Conv2d output shape: torch.Size([1, 256, 26, 26]) ReLU output shape: torch.Size([1, 256, 26, 26]) MaxPool2d output shape: torch.Size([1, 256, 12, 12]) Conv2d output shape: torch.Size([1, 384, 12, 12]) ReLU output shape: torch.Size([1, 384, 12, 12]) Conv2d output shape: torch.Size([1, 384, 12, 12]) ReLU output shape: torch.Size([1, 384, 12, 12]) Conv2d output shape: torch.Size([1, 256, 12, 12]) ReLU output shape: torch.Size([1, 256, 12, 12]) MaxPool2d output shape: torch.Size([1, 256, 5, 5]) Flatten output shape: torch.Size([1, 6400]) 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.1.3 读取数据集 如果真用 ImageNet 训练即使是现在的 GPU 也需要数小时或数天的时间。在此仅作演示仍使用 Fashion-MNIST 数据集故在此需要解决图像分辨率的问题。 batch_size 128 train_iter, test_iter d2l.load_data_fashion_mnist(batch_size, resize224)7.1.4 训练 AlexNet lr, num_epochs 0.01, 10 d2l.train_ch6(net, train_iter, test_iter, num_epochs, lr, d2l.try_gpu()) # 大约需要二十分钟慎跑loss 0.330, train acc 0.879, test acc 0.878 592.4 examples/sec on cuda:0练习 1尝试增加轮数。对比 LeNet 的结果有什么不同为什么 lr, num_epochs 0.01, 15 d2l.train_ch6(net, train_iter, test_iter, num_epochs, lr, d2l.try_gpu()) # 大约需要三十分钟慎跑loss 0.284, train acc 0.896, test acc 0.887 589.3 examples/sec on cuda:0相较于 LeNet 的增加轮次反而导致精度下降AlexNet 具有更好的抗过拟合能力增加轮次精度就会上升。 2 AlexNet 模型对 Fashion-MNIST 可能太复杂了。 a. 尝试简化模型以加快训练速度同时确保准确性不会显著下降。b. 设计一个更好的模型可以直接在 $28\times28$ 像素的图像上工作。net_Better nn.Sequential(nn.Conv2d(1, 64, kernel_size5, stride2, padding2), nn.ReLU(),nn.MaxPool2d(kernel_size3, stride1),nn.Conv2d(64, 128, kernel_size3, padding1), nn.ReLU(),nn.Conv2d(128, 128, kernel_size3, padding1), nn.ReLU(),nn.Conv2d(128, 64, kernel_size3, padding1), nn.ReLU(),nn.MaxPool2d(kernel_size3, stride2),nn.Flatten(),nn.Linear(64 * 5 * 5, 1024), nn.ReLU(),nn.Dropout(p0.3), nn.Linear(1024, 512), nn.ReLU(),nn.Dropout(p0.3),nn.Linear(512, 10) )X torch.randn(1, 1, 28, 28) for layer in net_Better:Xlayer(X)print(layer.__class__.__name__,output shape:\t,X.shape)Conv2d output shape: torch.Size([1, 64, 14, 14]) ReLU output shape: torch.Size([1, 64, 14, 14]) MaxPool2d output shape: torch.Size([1, 64, 12, 12]) Conv2d output shape: torch.Size([1, 128, 12, 12]) ReLU output shape: torch.Size([1, 128, 12, 12]) Conv2d output shape: torch.Size([1, 128, 12, 12]) ReLU output shape: torch.Size([1, 128, 12, 12]) Conv2d output shape: torch.Size([1, 64, 12, 12]) ReLU output shape: torch.Size([1, 64, 12, 12]) MaxPool2d output shape: torch.Size([1, 64, 5, 5]) Flatten output shape: torch.Size([1, 1600]) Linear output shape: torch.Size([1, 1024]) ReLU output shape: torch.Size([1, 1024]) Dropout output shape: torch.Size([1, 1024]) Linear output shape: torch.Size([1, 512]) ReLU output shape: torch.Size([1, 512]) Dropout output shape: torch.Size([1, 512]) Linear output shape: torch.Size([1, 10])batch_size 128 train_iter28, test_iter28 d2l.load_data_fashion_mnist(batch_sizebatch_size)lr, num_epochs 0.01, 10 d2l.train_ch6(net_Better, train_iter28, test_iter28, num_epochs, lr, d2l.try_gpu()) # 快多了loss 0.429, train acc 0.841, test acc 0.843 6650.9 examples/sec on cuda:03修改批量大小并观察模型精度和GPU显存变化。 batch_size 256 train_iter, test_iter d2l.load_data_fashion_mnist(batch_size, resize224)lr, num_epochs 0.01, 10 d2l.train_ch6(net, train_iter, test_iter, num_epochs, lr, d2l.try_gpu()) # 大约需要二十分钟慎跑loss 0.407, train acc 0.850, test acc 0.855 587.8 examples/sec on cuda:04G 显存基本拉满精度略微下降过拟合貌似严重了。 4分析 AlexNet 的计算性能。 a. 在 AlexNet 中主要是哪一部分占用显存b. 在AlexNet中主要是哪部分需要更多的计算c. 计算结果时显存带宽如何a. 第一个全连接层占用显存最多 b. 倒数第二个卷积层需要更多的计算 5将dropout和ReLU应用于LeNet-5效果有提升吗再试试预处理会怎么样 net_try nn.Sequential(nn.Conv2d(1, 6, kernel_size5, padding2), nn.ReLU(),nn.AvgPool2d(kernel_size2, stride2),nn.Conv2d(6, 16, kernel_size5), nn.ReLU(),nn.AvgPool2d(kernel_size2, stride2),nn.Flatten(),nn.Linear(16 * 5 * 5, 120), nn.ReLU(),nn.Dropout(p0.2), nn.Linear(120, 84), nn.ReLU(),nn.Dropout(p0.2), nn.Linear(84, 10))lr, num_epochs 0.6, 10 d2l.train_ch6(net_try, train_iter28, test_iter28, num_epochs, lr, d2l.try_gpu()) # 浅调一下还挺好loss 0.306, train acc 0.887, test acc 0.883 26121.2 examples/sec on cuda:0浅浅调一下效果挺好精度有所提升。
http://www.huolong8.cn/news/62261/

相关文章:

  • 青岛网站建设seo淘宝客网站需要备案
  • 已有域名怎么建设网站做网站选什么系统
  • 如何上传网站新乡百度网站优化排名
  • 福建省住房城乡和建设厅网站网上找设计师
  • 徐州铜山区建设局网站uc浏览网页版进入
  • 医院网站源码下载网站如何搬家
  • 免费公司logo设计谷歌网站推广优化
  • 电商网站建设总结郑州专门做网站
  • 做服装商城网站问题谁负责
  • 做ppt必备网站wordpress读书主题
  • 丹东淘宝做网站属于网络制作平台的是
  • 郑州制作网站价格企业网站建设应避免数据孤岛
  • 生产营销网站开发联系方式wordpress 交流群
  • 物理学可建设网站建设说明上海电子商务网站
  • 自己做网站的成本商业运营是做什么的
  • 陕西省建设网官方网站现在网站给源码
  • 中华住房与城乡建设厅网站搭建微网站平台
  • 网站全景看图怎么做公司网站建设方案汇报
  • 网址网站注册织梦网站模版怎么用
  • 烟台建网站公司价格西安建设工程信息网ca锁怎么安装
  • 国内装饰行业网站开发网站收录方法
  • 海南省住房和城乡建设厅网站如何做微信小程序店铺
  • 快手作品推广网站wordpress优化插件
  • 上海网络公司网站快速搭建网站推荐
  • 欧美风的网站设计app界面设计属于什么设计
  • 企业网站 设广西网站建设推广大概需要多少钱
  • 音频网站开发网站怎么添加滤镜功能吗
  • 邯郸网站建设安联网络公司三拼域名做网站
  • 四川建设厅网站网站开发项目的需求分析
  • 南京网站开发南京乐识赞仿懒人图库网站源码