Research Guide: Pruning Techniques for Neural Networks

时间:2024-07-12 15:02:56

Research Guide: Pruning Techniques for Neural Networks

2019-11-15 20:16:54

Original: https://heartbeat.fritz.ai/research-guide-pruning-techniques-for-neural-networks-d9b8440ab10d

Pruning is a technique in deep learning that aids in the development of smaller and more efficient neural networks. It’s a model optimization technique that involves eliminating unnecessary values in the weight tensor. This results in compressed neural networks that run faster, reducing the computational cost involved in training the networks. This is even more crucial when deploying models to mobile phones or other edge devices. In this guide, we’ll look at some of the research papers in the field of pruning neural networks.


Pruning from Scratch (2019)

The authors of this paper propose a network pruning pipeline that allows for pruning from scratch. Based on experimentation with compression classification models on CIFAR10 and ImageNet datasets, the pipeline reduces pre-training overhead incurred while using normal pruning methods, and also increases the accuracy of the networks.

Pruning from Scratch
Network pruning is an important research field aiming at reducing computational costs of neural networks. Conventional…
arxiv.org

Below is an illustration of the three stages involved in the traditional pruning process. This process involves pre-training, pruning, and fine-tuning.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

The pruning technique proposed in this paper involves building a pruning pipeline that can be learned from randomly initialized weights. Channel importance is learned by associating scalar gate values with each network layer.

The channel importance is optimized to improve the model performance under the sparsity regularization. During this process, the random weights are not updated. Afterward, a binary search strategy is used to determine the channel number configurations of the pruned model, given resource constraints.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

Here’s a look at model accuracy obtained on various datasets:

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source


Optimizing ML models is especially important (and tricky) when deploying to low-power devices like smartphones. Fritz AI has the expertise and the tools designed to help make this process as easy as possible.


Adversarial Neural Pruning (2019)

This paper considers the distortion problem of latent features of a network in the presence of adversarial perturbation. The proposed method learns a bayesian pruning mask to suppress the higher distorted features in order to maximize its robustness on adversarial deviations.

The authors consider the vulnerability of latent features in deep neural networks. The method proposed prunes out vulnerable features while preserving robust ones. This is done by adversarially learning the pruning mask in a Bayesian framework.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

Adversarial Neural Pruning
It is well known that neural networks are susceptible to adversarial perturbations and are also computationally and…
arxiv.org

Adversarial Neural Pruning (ANP) combines the concept of adversarial training with the Bayesian pruning methods. The baseline for this method is:

  • a standard convolutional neural network
  • the adversarial trained network
  • adversarial neural pruning with beta-Bernoulli dropout
  • the adversarial trained network regularized with vulnerability suppression loss
  • the adversarial neural pruning network regularized with vulnerability suppression loss

Here’s a table showing the performance of the model.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source


Rethinking the Value of Network Pruning (ICLR 2019)

The network pruning methods proposed in this paper are divided into two categories. The target pruned model’s architecture is determined by either a human or a pruning algorithm. In experimentation, the authors also compare the results obtained by training pruned models from scratch and fine-tuning from inherited weights for both predefined and automatic methods.

Rethinking the Value of Network Pruning
Network pruning is widely used for reducing the heavy inference cost of deep models in low-resource settings. A typical…
arxiv.org

The figure below shows the results obtained for predefined structured pruning using L1-norm based filter pruning. Each layer involves pruning a certain percentage of filters with smaller L1-norm. The Pruned Model column represents the list of predefined target models used to configure each model. The observation is that in each row, scratch-trained models achieve at least the same level of accuracy as fine-tuned models.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

As shown below, ThiNet greedily prunes the channel that has the smallest effect on the next layer’s activation values.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

The next table shows the results obtained by Regression-based Feature Reconstruction. The method prunes channels by minimizing the feature map reconstruction error of the next layer. This optimization problem is solved by LASSO regression.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

For Network Slimming, L1-sparsity is imposed on channel-wise scaling factors from Batch Normalization layers during training. It prunes channels with lower scaling factors afterward. This method produces automatically discovered target architectures since the channel scaling factors are compared across layers.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source



Network Pruning via Transformable Architecture Search (NeurIPS 2019)

This paper proposes applying neural architecture search directly for a network with a flexible channel and layer sizes. Minimizing the loss of the pruned networks aids in learning the number of channels. The feature map of the pruned network is made up of K feature map fragments that are sampled based on the probability distribution. The loss is back-propagated to the network weights and to the parameterized distribution.

Network Pruning via Transformable Architecture Search
Network pruning reduces the computation costs of an over-parameterized network without performance damage. Prevailing…
arxiv.org

The width and depth of the pruned network are obtained from the maximum probability for the size in each distribution. These parameters are learned by knowledge transfer from the original networks. Experiments on the model are done on CIFAR-10, CIFAR-100, and ImageNet.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

This approach of pruning consists of three stages:

  • Training an unpruned large network with a standard classification training procedure.
  • Searching for the depth and width of a small network via Transformable Architecture Search (TAS). TAS aims at searching for the best size of a network.
  • Transferring the information from the unpruned network to the searched small network by a simple knowledge distillation (KD) approach.
Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

Here’s a comparison of different pruning algorithms for different ResNets on ImageNet:

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source


Self-Adaptive Network Pruning (ICONIP 2019)

This paper proposes reducing the computational cost of CNNs via a self-adaptive network pruning method (SANP). The method does so by introducing a Saliency-and-Pruning Module (SPM) for each convolutional layer. This module learns to predict saliency scores and applies pruning to each channel. SANP determines the pruning strategy with respect to each layer and each sample.

Self-Adaptive Network Pruning
Deep convolutional neural networks have been proved successful on a wide range of tasks, yet they are still hindered by…
arxiv.org

As seen in the architecture diagram below, the Saliency-and-Pruning module is embedded in each layer of the convolutional network. The module predicts saliency scores for the channels. This is done based on input features. Pruning decisions for each channel are then generated.

The convolution operation is skipped for channels whose corresponding pruning decision is 0. The backbone network and the SPMs are then jointly trained with the classification and cost objectives. The computation costs are estimated depending on the pruning decision in each layer.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source

Some of the results obtained by this method are shown below:

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source


Structured Pruning of Large Language Models (2019)

The pruning method proposed in this paper is based on low-rank factorization and augmentedLagrangian 10 norm regularization. 10 regularization relaxes the constraints imposed from structured pruning, while low-rank factorization enables retention of the dense structure of the matrices.

Structured Pruning of Large Language Models
Large language models have recently achieved state of the art performance across a wide variety of natural language…
arxiv.org

Regularization enables the network to choose which weights to remove. The weight matrices are factorized into two smaller matrices. A diagonal mask between these two matrices is then set. The mask is pruned during training via 10 regularization. The augmented Lagrangian approach is used to control the final sparsity level of the model. The authors refer to their method as FLOP (Factorized L0 Pruning).

The character-level language model used is the enwik8 dataset that contains 100M bytes of data taken from Wikipedia. FLOP is evaluated on SRU and Transformer-XL. Some of the results obtained are shown below.

Research Guide: Pruning Techniques for Neural Networks

Research Guide: Pruning Techniques for Neural Networks

source


Conclusion

We should now be up to speed on some of the most common — and a couple of very recent — pruning techniques

The papers/abstracts mentioned and linked to above also contain links to their code implementations. We’d be happy to see the results you obtain after testing them.


Editor’s Note: Heartbeat is a contributor-driven online publication and community dedicated to exploring the emerging intersection of mobile app development and machine learning. We’re committed to supporting and inspiring developers and engineers from all walks of life.

Editorially independent, Heartbeat is sponsored and published by Fritz AI, the machine learning platform that helps developers teach devices to see, hear, sense, and think. We pay our contributors, and we don’t sell ads.

If you’d like to contribute, head on over to our call for contributors. You can also sign up to receive our weekly newsletters (Deep Learning Weekly and Heartbeat), join us on Slack, and follow Fritz AI on Twitter for all the latest in mobile machine learning.