From 3f96a7007884af2627c78b1f093797ebff7f0720 Mon Sep 17 00:00:00 2001 From: ceci3 Date: Mon, 22 Feb 2021 10:55:35 +0800 Subject: [PATCH] update readme (#667) * update * update --- README.md | 99 ++++++------ demo/nas/README.md | 2 +- docs/zh_cn/api_cn/overview.md | 141 ++++++++++++++++++ docs/zh_cn/cv/detection/static/yolov3_slim.md | 23 +++ docs/zh_cn/cv/ocr/static/3.5M_slim.md | 120 +++++++++++++++ docs/zh_cn/tutorials/nas/overview.md | 1 + docs/zh_cn/tutorials/pruning/overview.md | 2 +- 7 files changed, 344 insertions(+), 44 deletions(-) create mode 100644 docs/zh_cn/api_cn/overview.md create mode 100644 docs/zh_cn/cv/detection/static/yolov3_slim.md create mode 100644 docs/zh_cn/cv/ocr/static/3.5M_slim.md diff --git a/README.md b/README.md index b1afeee0..e3627116 100755 --- a/README.md +++ b/README.md @@ -42,53 +42,55 @@ pip install paddleslim=2.0.0 -i https://pypi.tuna.tsinghua.edu.cn/simple PaddleSlim支持以下功能,也支持自定义量化、裁剪等功能。 - - - - + + + +
QuantizationPruningNASDistillingQuantizationPruningNASDistilling
-注:*表示仅支持静态图,**表示仅支持动态图 +注: +- *表示仅支持静态图,**表示仅支持动态图 +- 敏感度裁剪指的是通过各个层的敏感度分析来确定各个卷积层的剪裁率,需要和其他裁剪方法配合使用。 ### 效果展示 @@ -108,6 +110,8 @@ PaddleSlim在典型视觉和自然语言处理任务上做了模型压缩,并 ### 快速开始 +快速开始教程是能基于CIFAR10数据集快速运行起来的简单示例,若您是Paddle官方模型套件用户,请直接使用下方的CV模型压缩或者NLP模型压缩中教程。 + - 量化训练 - [动态图](docs/zh_cn/quick_start/dygraph/dygraph_quant_aware_training_tutorial.md) | [静态图](docs/zh_cn/quick_start/static/quant_aware_tutorial.md) - 离线量化 - [动态图](docs/zh_cn/quick_start/dygraph/dygraph_quant_post_tutorial.md) | [静态图](docs/zh_cn/quick_start/static/quant_post_static_tutorial.md) - 剪裁 - [动态图](docs/zh_cn/quick_start/dygraph/dygraph_pruning_tutorial.md) | [静态图](docs/zh_cn/quick_start/static/pruning_tutorial.md) @@ -116,13 +120,14 @@ PaddleSlim在典型视觉和自然语言处理任务上做了模型压缩,并 ### 进阶教程 +进阶教程详细介绍了每一步的流程,帮助您把相应方法迁移到您自己的模型上。 + - 通道剪裁 - [四种剪裁策略效果对比与应用方法](docs/zh_cn/tutorials/pruning/overview.md) - [L1NormFilterPruner](docs/zh_cn/tutorials/pruning/overview.md#l1normfilterpruner) - [FPGMFilterPruner](docs/zh_cn/tutorials/pruning/overview.md#fpgmfilterpruner) - [SlimFilterFilterPruner](docs/zh_cn/tutorials/pruning/overview.md#slimfilterpruner) - [OptSlimFilterPruner](docs/zh_cn/tutorials/pruning/overview.md#optslimfilterpruner) - - 剪裁功能详解: [动态图](docs/zh_cn/tutorials/pruning/dygraph/filter_pruning.md) | [静态图](docs/zh_cn/tutorials/pruning/static/image_classification_sensitivity_analysis_tutorial.md) - 自定义剪裁策略:[动态图](docs/zh_cn/tutorials/pruning/dygraph/self_defined_filter_pruning.md) - 低比特量化 @@ -133,6 +138,10 @@ PaddleSlim在典型视觉和自然语言处理任务上做了模型压缩,并 - NAS - [四种NAS策略介绍和应用](docs/zh_cn/tutorials/nas/overview.md) + - [Once-For-All](docs/zh_cn/tutorials/nas/dygraph/nas_ofa.md) + - [SANAS](docs/zh_cn/tutorials/nas/static/sanas_darts_space.md) + - [RLNAS](https://github.com/PaddlePaddle/PaddleSlim/tree/release/2.0.0/demo/nas#rlnas%E7%BD%91%E7%BB%9C%E7%BB%93%E6%9E%84%E6%90%9C%E7%B4%A2%E7%A4%BA%E4%BE%8B) + - [DARTS](demo/darts/README.md) - 蒸馏 - [知识蒸馏示例](demo/distillation) @@ -145,48 +154,54 @@ PaddleSlim在典型视觉和自然语言处理任务上做了模型压缩,并 - [PaddleLite量化部署](docs/zh_cn/deploy/deploy_cls_model_on_mobile_device.md) ### CV模型压缩 +本系列教程均基于Paddle官方的模型套件中模型进行压缩,若您不是模型套件用户,更推荐使用快速教程和进阶教程。 -- 检测模型压缩(基于PaddleDetection) +- 检测模型压缩 - 压缩方案 - - YOLOv3 3.5倍加速方案: 文档整理中... + - [PPDetection-YOLOv3 压缩方案](docs/zh_cn/cv/detection/static/yolov3_slim.md) - 方法应用-静态图 - - [在COCO和VOC上蒸馏MobileNetV1-YOLOv3](docs/zh_cn/cv/detection/static/paddledetection_slim_distillation_tutorial.md) - - [MobileNetV1-YOLOv3低比特量化训练](docs/zh_cn/cv/detection/static/paddledetection_slim_quantization_tutorial.md) - - [人脸检测模型小模型结构搜索](docs/zh_cn/cv/detection/static/paddledetection_slim_nas_tutorial.md) + - [蒸馏](docs/zh_cn/cv/detection/static/paddledetection_slim_distillation_tutorial.md) + - [量化训练](docs/zh_cn/cv/detection/static/paddledetection_slim_quantization_tutorial.md) + - [模型结构搜索](docs/zh_cn/cv/detection/static/paddledetection_slim_nas_tutorial.md) - [剪枝](docs/zh_cn/cv/detection/static/paddledetection_slim_pruing_tutorial.md) - [剪枝与蒸馏的结合使用](docs/zh_cn/cv/detection/static/paddledetection_slim_prune_dist_tutorial.md) - [卷积层敏感度分析](docs/zh_cn/cv/detection/static/paddledetection_slim_sensitivy_tutorial.md) - 方法应用-动态图 - - 文档整理中... + - [剪枝](#TODO) + - [量化训练](#TODO) -- 分割模型压缩(基于PaddleSeg) +- 分割模型压缩 - 压缩方案 - - 方案建设中... - 方法应用-静态图 - - 文档整理中... + - [蒸馏](TODO) + - [量化训练](TODO) + - [模型结构搜索](TODO) + - [剪枝](TODO) - 方法应用-动态图 - - 文档整理中... + - [剪枝](#TODO) + - [量化训练](#TODO) -- [OCR模型压缩(基于PaddleOCR)]() +- OCR模型压缩 - 压缩方案 - - 3.5M模型压缩方案: 文档整理中... + - [3.5M模型压缩方案](docs/zh_cn/cv/ocr/static/3.5M_slim.md) - 方法应用-静态图 - - [低比特量化训练](https://github.com/PaddlePaddle/PaddleOCR/tree/release/1.1/deploy/slim/quantization) + - [量化训练](https://github.com/PaddlePaddle/PaddleOCR/tree/release/1.1/deploy/slim/quantization) - [剪枝](https://github.com/PaddlePaddle/PaddleOCR/tree/release/1.1/deploy/slim/prune) - 方法应用-动态图 - - 文档整理中... + - [剪枝](#TODO) + - [量化训练](#TODO) ### NLP模型压缩 -- [BERT](docs/zh_cn/nlp/paddlenlp_slim_ofa_tutorial.md) -- [ERNIE](docs/zh_cn/nlp/ernie_slim_ofa_tutorial.md) +- [PaddleNLP-BERT](docs/zh_cn/nlp/paddlenlp_slim_ofa_tutorial.md) +- [ERNIE-ERNIE](docs/zh_cn/nlp/ernie_slim_ofa_tutorial.md) ### API文档 diff --git a/demo/nas/README.md b/demo/nas/README.md index b3ee0d18..1a8891c3 100644 --- a/demo/nas/README.md +++ b/demo/nas/README.md @@ -35,7 +35,7 @@ CUDA_VISIBLE_DEVICES=0 python block_sa_nas_mobilenetv2.py ## 接口介绍 请参考神经网络搜索API文档。 -示例为利用SANAS在MobileNetV2的搜索空间上搜索精度更高的模型。 +示例为利用RLNAS在MobileNetV2的搜索空间上搜索精度更高的模型。 ## 1 搜索空间配置 默认搜索空间为`MobileNetV2`,详细的搜索空间配置请参考搜索空间配置文档。 diff --git a/docs/zh_cn/api_cn/overview.md b/docs/zh_cn/api_cn/overview.md new file mode 100644 index 00000000..a13b1100 --- /dev/null +++ b/docs/zh_cn/api_cn/overview.md @@ -0,0 +1,141 @@ +低比特量化 +================ +定点量化是使用更少的比特数(如8-bit、3-bit、2-bit等)表示神经网络的权重和激活。 + +在线量化训练(QAT) +------------- +在线量化是在模型训练的过程中建模定点量化对模型的影响,通过在模型计算图中插入量化节点,在训练建模量化对模型精度的影响降低量化损失。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/dygraph/quanter/qat.rst#qat) +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/quant/quantization_api.rst#quant_aware) + +PACT +------------ +PACT在量化激活值之前去掉一些离群点来使量化精度提高。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/dygraph/quanter/qat.rst#qat) +[静态图](https://github.com/PaddlePaddle/PaddleSlim/tree/release/2.0.0/demo/quant/pact_quant_aware#%E5%AE%9A%E4%B9%89pact%E5%87%BD%E6%95%B0) + +静态离线量化(PTQ Static) +------------ +静态离线量化,使用少量校准数据计算量化因子,可以快速得到量化模型。使用该量化模型进行预测,可以减少计算量、降低计算内存、减小模型大小。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/quant/quantization_api.rst#quant_post_static) +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/quant/quantization_api.rst#quant_post_static) + +动态离线量化(PTQ Dynamic) +------------ +动态离线量化,将模型中特定OP的权重从FP32类型量化成INT8/16类型。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/quant/quantization_api.rst#quant_post_dynamic) +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/quant/quantization_api.rst#quant_post_dynamic) + +Embedding量化 +------------ +针对 Embedding 参数进行量化。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/quant/quantization_api.rst#quant_embedding) +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/quant/quantization_api.rst#quant_embedding) + +剪枝 +================ +剪裁通过从冗余模型中删除不重要的子网络来压缩模型。 + +敏感度剪枝 +----------- +敏感度裁剪指的是通过各个层的敏感度分析来确定各个卷积层的剪裁率,需要和其他裁剪方法配合使用。以下链接仅指向L1Norm剪枝方法和敏感度剪枝混合使用,其他剪枝方法和敏感度剪枝混合使用的方式可以去相应方法的API链接里查看。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/tutorials/pruning/dygraph/filter_pruning.md#41-%E5%8D%B7%E7%A7%AF%E9%87%8D%E8%A6%81%E6%80%A7%E5%88%86%E6%9E%90) +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/prune/prune_api.rst#sensitivity) + +FPGM +------------ +该策略通过统计Filters两两之间的几何距离来评估单个卷积内的Filters的重要性。直觉上理解,离其它Filters平均距离越远的Filter越重要。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/dygraph/pruners/fpgm_filter_pruner.rst#fpgmfilterpruner) +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/9b01b195f0c4bc34a1ab434751cb260e13d64d9e/docs/zh_cn/tutorials/pruning/overview.md#%E9%9D%99%E6%80%81%E5%9B%BE-1) + +L1Norm +------------ +该策略使用l1-norm统计量来表示一个卷积层内各个Filters的重要性,l1-norm越大的Filter越重要。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/dygraph/pruners/l1norm_filter_pruner.rst#l1normfilterpruner) +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/9b01b195f0c4bc34a1ab434751cb260e13d64d9e/docs/zh_cn/tutorials/pruning/overview.md#%E9%9D%99%E6%80%81%E5%9B%BE) + +L2Norm +------------ +该策略使用l2-norm统计量来表示一个卷积层内各个Filters的重要性,l2-norm越大的Filter越重要。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/dygraph/pruners/l2norm_filter_pruner.rst#l2normfilterpruner) + +SlimFilter +------------ +该策略根据卷积之后的batch_norm的scale来评估当前卷积内各个Filters的重要性。scale越大,对应的Filter越重要。 + +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/9b01b195f0c4bc34a1ab434751cb260e13d64d9e/docs/zh_cn/tutorials/pruning/overview.md#slimfilterpruner) + +OptSlimFilter +------------ +根据卷积层后链接的batch_norm层的scale参数计算出要裁剪的最优裁剪阈值,并根据该阈值进行通道裁剪。 + +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/9b01b195f0c4bc34a1ab434751cb260e13d64d9e/docs/zh_cn/tutorials/pruning/overview.md#optslimfilterpruner) + +模型结构搜索 +================ +模型结构搜索指的是定义一个搜索空间,其中包括所有候选神经网络结构,不断从中搜索最优网络结构的优化策略。 + +Once-For-All +------------ +OFA是一种基于One-Shot NAS的压缩方案。这种方式比较高效,其优势是只需要训练一个超网络就可以从中选择满足不同延时要求的子模型。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/dygraph/ofa/ofa_api.rst#ofa-%E8%AE%AD%E7%BB%83) + +SANAS +------------ +SANAS是基于模拟退火的方式进行网络结构搜索,在机器资源不多的情况下,选择这种方式一般能得到比强化学习更好的模型。 + +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/nas/nas_api.rst#sanas) + +RLNAS +------------ +RLNAS是基于强化学习的方式进行网络结构搜索,这种方式需要耗费大量机器资源。 + +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/nas/nas_api.rst#rlnas) + +DARTS +------------ +DARTS是基于梯度的方式进行网络结构搜索,可以大大缩短搜索时长。 + +[动态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/dygraph/nas/darts.rst#%E5%8F%AF%E5%BE%AE%E5%88%86%E6%A8%A1%E5%9E%8B%E6%9E%B6%E6%9E%84%E6%90%9C%E7%B4%A2darts) + +PC-DARTS +------------ +[动态图](https://github.com/PaddlePaddle/PaddleSlim/tree/release/2.0.0/demo/darts#%E7%BD%91%E7%BB%9C%E7%BB%93%E6%9E%84%E6%90%9C%E7%B4%A2) + +Hardware-aware Search +------------ +基于硬件进行模型结构搜索,减少搜索和实际部署上的差异。 + +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/83fd35cd41bba6dbd3b2eb425b867d3d28836cb0/docs/zh_cn/api_cn/static/common/analysis_api.rst#tablelatencyevaluator) + + +蒸馏 +================ +模型蒸馏是将复杂网络中的有用信息将复杂网络中的有用信息提取出来提取出来,迁移到一个更小的网络中去。 + +FSP +------------ +出自论文[A Gift from Knowledge Distillation: Fast Optimization, Network Minimization and Transfer Learning](http://openaccess.thecvf.com/content_cvpr_2017/papers/Yim_A_Gift_From_CVPR_2017_paper.pdf) + +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/dist/single_distiller_api.rst#fsp_loss) + +DML +------------ +出自论文[Deep Mutual Learning](https://arxiv.org/abs/1706.00384) + +[静态图](https://github.com/PaddlePaddle/PaddleSlim/tree/release/2.0.0/demo/deep_mutual_learning) + +DK +------------ +[静态图](https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/docs/zh_cn/api_cn/static/dist/single_distiller_api.rst#l2_loss) + diff --git a/docs/zh_cn/cv/detection/static/yolov3_slim.md b/docs/zh_cn/cv/detection/static/yolov3_slim.md new file mode 100644 index 00000000..a2e21a7b --- /dev/null +++ b/docs/zh_cn/cv/detection/static/yolov3_slim.md @@ -0,0 +1,23 @@ +# PPDetection-YOLOv3 模型压缩方案 + +本方案使用蒸馏和剪枝两种方法结合对YOLOv3进行压缩。 + +教程内容参考:https://github.com/PaddlePaddle/PaddleDetection/tree/release/0.2/slim/extensions/distill_pruned_model + +## 示例结果 + +- 时延单位均为`ms/images` +- Tesla P4时延为单卡并开启TensorRT推理时延 +- 高通835/高通855/麒麟970时延为使用PaddleLite部署,使用`arm8`架构并使用4线程(4 Threads)推理时延 + +| 骨架网络 | 数据集 | 剪裁策略 | GFLOPs | 模型体积(MB) | 输入尺寸 | Tesla P4 | 麒麟970 | 高通835 | 高通855 | +| :--------------- | :----: | :------: | :------------: | :-------------: | :------: | :-------------: | :--------------: | :--------------: | :--------------: | +| MobileNetV1 | VOC | baseline | 20.20 | 93.37 | 608 | 16.556 | 748.404 | 734.970 | 289.878 | +| MobileNetV1 | VOC | baseline | 9.46 | 93.37 | 416 | 9.031 | 371.214 | 349.065 | 140.877 | +| MobileNetV1 | VOC | baseline | 5.60 | 93.37 | 320 | 6.235 | 221.705 | 200.498 | 80.515 | +| MobileNetV1 | VOC | r578 | 6.15(-69.57%) | 30.81(-67.00%) | 608 | 10.064(-39.21%) | 314.531(-57.97%) | 323.537(-55.98%) | 123.414(-57.43%) | +| MobileNetV1 | VOC | r578 | 2.88(-69.57%) | 30.81(-67.00%) | 416 | 5.478(-39.34%) | 151.562(-59.17%) | 146.014(-58.17%) | 56.420(-59.95%) | +| MobileNetV1 | VOC | r578 | 1.70(-69.57%) | 30.81(-67.00%) | 320 | 3.880(-37.77%) | 91.132(-58.90%) | 87.440(-56.39%) | 31.470(-60.91%) | + +- 在使用`r578`剪裁策略下,`YOLOv3-MobileNetV1`模型减少了`69.57%`的FLOPs,输入图像尺寸为608时在单卡Tesla P4(TensorRT)推理时间减少`39.21%`,在麒麟970/高通835/高通855上推理时延分别减少`57.97%`, `55.98%`和`57.43%` + diff --git a/docs/zh_cn/cv/ocr/static/3.5M_slim.md b/docs/zh_cn/cv/ocr/static/3.5M_slim.md new file mode 100644 index 00000000..f0da315c --- /dev/null +++ b/docs/zh_cn/cv/ocr/static/3.5M_slim.md @@ -0,0 +1,120 @@ +# PPOCR 3.5M模型压缩方案 + +本方案使用量化和剪枝两种方法对PPOCR中模型进行压缩。 + +教程内容参考:https://github.com/PaddlePaddle/PaddleSlim/blob/release/2.0.0/demo/ocr/README.md +AIStudio教程:https://aistudio.baidu.com/aistudio/projectdetail/898523 + +## 示例结果 + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
序号任务模型压缩策略[3][4]精度(自建中文数据集)耗时[1](ms)整体耗时[2](ms)加速比整体模型大小(M)压缩比例下载链接
0检测MobileNetV3_DB61.7224375-8.6-
识别MobileNetV3_CRNN62.09.52
1检测SlimTextDetPACT量化训练62.11953488%2.867.82%
识别SlimTextRecPACT量化训练61.488.6
2检测SlimTextDet_quat_pruning剪裁+PACT量化训练60.8614228830%2.867.82%
识别SlimTextRecPACT量化训练61.488.6
3检测SlimTextDet_pruning剪裁61.5713829527%2.966.28%
识别SlimTextRecPACT量化训练61.488.6
+ + +**注意**: + +- [1] 耗时评测环境为:骁龙855芯片+PaddleLite。 +- [2] 整体耗时不等于检测耗时加识别耗时的原因是:识别模型的耗时为单个检测框的耗时,一张图片可能会有多个检测框。 +- [3] 参考下面关于[OCR量化的说明](#OCR量化说明)。 +- [4] 参考下面关于[OCR剪裁的说明](#OCR剪裁说明)。 + diff --git a/docs/zh_cn/tutorials/nas/overview.md b/docs/zh_cn/tutorials/nas/overview.md index d8ed68ef..10556c21 100644 --- a/docs/zh_cn/tutorials/nas/overview.md +++ b/docs/zh_cn/tutorials/nas/overview.md @@ -7,6 +7,7 @@ PaddleSlim提供了4种网络结构搜索的方法:基于模拟退火进行网 | [Once-For-All](https://paddleslim.readthedocs.io/zh_CN/latest/tutorials/nas/dygraph/nas_ofa.html) | OFA是一种基于One-Shot NAS的压缩方案。这种方式比较高效,其优势是只需要训练一个超网络就可以从中选择满足不同延时要求的子模型。 | Once-For-All | | [SANAS](https://paddleslim.readthedocs.io/zh_CN/latest/quick_start/static/nas_tutorial.html) | SANAS是基于模拟退火的方式进行网络结构搜索,在机器资源不多的情况下,选择这种方式一般能得到比强化学习更好的模型。 | \ | | [RLNAS](https://paddleslim.readthedocs.io/zh_CN/latest/api_cn/static/nas/nas_api.html#rlnas) | RLNAS是基于强化学习的方式进行网络结构搜索,这种方式需要耗费大量机器资源。 | ENAS、NasNet、MNasNet | +| [DARTS](https://paddleslim.readthedocs.io/zh_CN/latest/api_cn/darts.html) | DARTS是基于梯度的方式进行网络结构搜索,可以大大缩短搜索时长。 | DARTS、PCDARTS | ## 参考文献 [1] H. Cai, C. Gan, T. Wang, Z. Zhang, and S. Han. Once for all: Train one network and specialize it for efficient deployment. In International Conference on Learning Representations, 2020. diff --git a/docs/zh_cn/tutorials/pruning/overview.md b/docs/zh_cn/tutorials/pruning/overview.md index 9b2be492..d66d5a73 100644 --- a/docs/zh_cn/tutorials/pruning/overview.md +++ b/docs/zh_cn/tutorials/pruning/overview.md @@ -13,7 +13,7 @@ PaddleSlim提供以下内置剪裁方法。 注: -- 支持敏感度分支:意为是否支持通过各个层的敏感度分析来确定各个卷积层的剪裁率。 +- 支持敏感度分析:意为是否支持通过各个层的敏感度分析来确定各个卷积层的剪裁率。 - 支持自定义各层剪裁率:意为是否支持手动指定各个卷积层的剪裁率。 -- GitLab