DL之DenseNet:DenseNet算法的简介(论文介绍)、架构详解、案例应用等配图集合之详细攻略

简介: DL之DenseNet:DenseNet算法的简介(论文介绍)、架构详解、案例应用等配图集合之详细攻略

DenseNet算法的简介(论文介绍)


       DenseNet算法即Densely Connected Convolutional Networks,在某种度上也借鉴了ResNet算法,相关论文获得2017 (CVPR Best Paper Award)。



Abstract  

     Recent work has shown that convolutional networks can  be substantially deeper, more accurate, and efficient to train  if they contain shorter connections between layers close to  the input and those close to the output. In this paper, we  embrace this observation and introduce the Dense Convolutional  Network (DenseNet), which connects each layer  to every other layer in a feed-forward fashion. Whereas  traditional convolutional networks with L layers have L  connections—one between each layer and its subsequent  layer—our network has L(L+1)  2  direct connections. For  each layer, the feature-maps of all preceding layers are  used as inputs, and its own feature-maps are used as inputs  into all subsequent layers. DenseNets have several compelling  advantages: they alleviate the vanishing-gradient  problem, strengthen feature propagation, encourage feature  reuse, and substantially reduce the number of parameters.  We evaluate our proposed architecture on four highly  competitive object recognition benchmark tasks (CIFAR-10,  CIFAR-100, SVHN, and ImageNet). DenseNets obtain significant  improvements over the state-of-the-art on most of  them, whilst requiring less computation to achieve high performance.  Code and pre-trained models are available at  https://github.com/liuzhuang13/DenseNet.


摘要

     最近的研究表明,如果卷积网络在靠近输入和接近输出的层之间包含较短的连接,那么卷积网络可以更深入、更准确和有效地训练。在本文中,我们采用这种观测方法,并引入了紧密卷积网络(densenet),它以一种前馈的方式将每一层连接到另一层。传统的具有L层的卷积网络在每一层和其后续层之间都有L连接,而我们的网络有L(L+1)2个直接连接。对于每个图层,前面所有图层的 feature-maps都用作输入,其自身的 feature-maps也用作后面所有图层的输入。 DenseNets有几个引人注目的优点:它们可以缓解消失梯度问题,加强特征传播,鼓励特征重用,并大幅减少参数数量。我们在四个高度竞争的对象识别基准任务 (CIFAR-10,  CIFAR-100, SVHN, and ImageNet)上评估我们提出的体系结构。DenseNets 在大多数方面都比最先进的技术有了显著的改进,同时需要较少的计算来实现高性能。可在https://github.com/liuzhuang13/DenseNet上获取代码和预训练模型。


Conclusion  

     We proposed a new convolutional network architecture,  which we refer to as Dense Convolutional Network  (DenseNet). It introduces direct connections between any  two layers with the same feature-map size. We showed that  DenseNets scale naturally to hundreds of layers, while exhibiting  no optimization difficulties. In our experiments,DenseNets tend to yield consistent improvement in accuracy  with growing number of parameters, without any signs  of performance degradation or overfitting. Under multiple  settings, it achieved state-of-the-art results across several  highly competitive datasets. Moreover, DenseNets  require substantially fewer parameters and less computation  to achieve state-of-the-art performances. Because we  adopted hyperparameter settings optimized for residual networks  in our study, we believe that further gains in accuracy  of DenseNets may be obtained by more detailed tuning of  hyperparameters and learning rate schedules.

      Whilst following a simple connectivity rule, DenseNets  naturally integrate the properties of identity mappings, deep  supervision, and diversified depth. They allow feature reuse  throughout the networks and can consequently learn more  compact and, according to our experiments, more accurate  models. Because of their compact internal representations  and reduced feature redundancy, DenseNets may be good  feature extractors for various computer vision tasks that  build on convolutional features, e.g., [4, 5]. We plan to  study such feature transfer with DenseNets in future work.

结论

      我们提出了一种新的卷积网络结构,我们称之为密集卷积网络(DenseNet)。它引入了任何两层之间具有相同feature-map大小的直接连接。我们发现 DenseNets可以自然地扩展到数百层,但不存在优化困难。在我们的实验中,随着参数数量的增加, DenseNets的精确度会持续提高,而不会出现性能下降或过度拟合的迹象。在多个设置下,它在多个高度竞争的数据集中实现了最先进的结果。此外, DenseNets需要更少的参数和更少的计算来实现最先进的性能。因为我们在研究中采用了针对剩余网络进行优化的超参数设置,我们相信通过更详细地调整超参数和学习速率时间表,可以进一步提高 DenseNets的精度。

      在遵循简单连接规则的同时, DenseNets自然地整合了身份映射、深度监督和多样化深度的属性。它们允许在整个网络中重复使用功能,因此可以学习更紧凑的,根据我们的实验,更精确的模型。由于其紧凑的内部表示和减少的特征冗余,DenseNets可能是各种计算机视觉任务的很好的特征提取器,这些任务基于卷积特征,例如[4,5]。我们计划在未来的工作中与DenseNets一起研究这种特征转移。


论文

Gao Huang, Zhuang Liu, Laurens van der Maaten, Kilian Weinberger.

Densely connected convolutional networks. CVPR. 2017 (CVPR Best Paper Award)

https://arxiv.org/pdf/1608.06993.pdf



GitHub

https://github.com/liuzhuang13/DenseNet

      DenseNet is a network architecture where each layer is directly connected to every other layer in a feed-forward fashion (within each dense block). For each layer, the feature maps of all preceding layers are treated as separate inputs whereas its own feature maps are passed on as inputs to all subsequent layers. This connectivity pattern yields state-of-the-art accuracies on CIFAR10/100 (with or without data augmentation) and SVHN. On the large scale ILSVRC 2012 (ImageNet) dataset, DenseNet achieves a similar accuracy as ResNet, but using less than half the amount of parameters and roughly half the number of FLOPs.

      Densenet是一种网络架构,其中每一层以前馈方式(在每个密集块内)直接连接到其他每一层。对于每个图层,前面所有图层的要素图都被视为单独的输入,而它自己的要素图则作为输入传递给后面所有图层。这种连接模式在CIFAR10/100(有或无数据扩充)和SVHN上产生最先进的精度。在大规模的ILSVRC 2012(ImageNet)数据集上,DenseNet 实现了与ResNet相似的精度,但使用的参数数量不到一半,而使用的触发器数量大约为一半。


相关文章
|
2天前
|
机器学习/深度学习 数据采集 自然语言处理
理解并应用机器学习算法:神经网络深度解析
【5月更文挑战第15天】本文深入解析了神经网络的基本原理和关键组成,包括神经元、层、权重、偏置及损失函数。介绍了神经网络在图像识别、NLP等领域的应用,并涵盖了从数据预处理、选择网络结构到训练与评估的实践流程。理解并掌握这些知识,有助于更好地运用神经网络解决实际问题。随着技术发展,神经网络未来潜力无限。
|
2天前
|
算法 Java vr&ar
保持无损连接和函数依赖的3NF合成算法(详细简介)期末必备
保持无损连接和函数依赖的3NF合成算法(详细简介)期末必备
8 0
|
2天前
|
算法 Python
利用贝叶斯算法对简单应用实现预测分类
利用贝叶斯算法对简单应用实现预测分类
6 0
|
2天前
|
机器学习/深度学习 算法 API
【Paddle】PCA线性代数基础 + 领域应用:人脸识别算法(1.1w字超详细:附公式、代码)
【Paddle】PCA线性代数基础 + 领域应用:人脸识别算法(1.1w字超详细:附公式、代码)
8 0
|
2天前
|
机器学习/深度学习 数据采集 算法
深入理解并应用机器学习算法:支持向量机(SVM)
【5月更文挑战第13天】支持向量机(SVM)是监督学习中的强分类算法,用于文本分类、图像识别等领域。它寻找超平面最大化间隔,支持向量是离超平面最近的样本点。SVM通过核函数处理非线性数据,软间隔和正则化避免过拟合。应用步骤包括数据预处理、选择核函数、训练模型、评估性能及应用预测。优点是高效、鲁棒和泛化能力强,但对参数敏感、不适合大规模数据集且对缺失数据敏感。理解SVM原理有助于优化实际问题的解决方案。
|
2天前
|
机器学习/深度学习 算法
理解并应用机器学习算法:决策树
【5月更文挑战第12天】决策树是直观的分类与回归机器学习算法,通过树状结构模拟决策过程。每个内部节点代表特征属性,分支代表属性取值,叶子节点代表类别。构建过程包括特征选择(如信息增益、基尼指数等)、决策树生成和剪枝(预剪枝和后剪枝)以防止过拟合。广泛应用在信贷风险评估、医疗诊断等领域。理解并掌握决策树有助于解决实际问题。
|
2天前
|
算法 数据安全/隐私保护 计算机视觉
基于二维CS-SCHT变换和LABS方法的水印嵌入和提取算法matlab仿真
该内容包括一个算法的运行展示和详细步骤,使用了MATLAB2022a。算法涉及水印嵌入和提取,利用LAB色彩空间可能用于隐藏水印。水印通过二维CS-SCHT变换、低频系数处理和特定解码策略来提取。代码段展示了水印置乱、图像处理(如噪声、旋转、剪切等攻击)以及水印的逆置乱和提取过程。最后,计算并保存了比特率,用于评估水印的稳健性。
|
2天前
|
算法 计算机视觉
基于高斯混合模型的视频背景提取和人员跟踪算法matlab仿真
该内容是关于使用MATLAB2013B实现基于高斯混合模型(GMM)的视频背景提取和人员跟踪算法。算法通过GMM建立背景模型,新帧与模型比较,提取前景并进行人员跟踪。文章附有程序代码示例,展示从读取视频到结果显示的流程。最后,结果保存在Result.mat文件中。
|
2天前
|
资源调度 算法 块存储
m基于遗传优化的LDPC码OMS译码算法最优偏移参数计算和误码率matlab仿真
MATLAB2022a仿真实现了遗传优化的LDPC码OSD译码算法,通过自动搜索最佳偏移参数ΔΔ以提升纠错性能。该算法结合了低密度奇偶校验码和有序统计译码理论,利用遗传算法进行全局优化,避免手动调整,提高译码效率。核心程序包括编码、调制、AWGN信道模拟及软输入软输出译码等步骤,通过仿真曲线展示了不同SNR下的误码率性能。
9 1
|
2天前
|
存储 算法 数据可视化
基于harris角点和RANSAC算法的图像拼接matlab仿真
本文介绍了使用MATLAB2022a进行图像拼接的流程,涉及Harris角点检测和RANSAC算法。Harris角点检测寻找图像中局部曲率变化显著的点,RANSAC则用于排除噪声和异常点,找到最佳匹配。核心程序包括自定义的Harris角点计算函数,RANSAC参数设置,以及匹配点的可视化和仿射变换矩阵计算,最终生成全景图像。