Skip to content

hrcheng1066/awesome-pruning

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 

Repository files navigation

awesome-pruning

PRs WelcomeAwesome

Table of Contents

0. Overview

The repo includes the ongoing updates of representative neural network pruning papers and open-source codes.
Our paper [A Survey on Deep Neural Network Pruning-Taxonomy, Comparison, Analysis, and Recommendations] (Paper Link), accepted by TPAMI 2024.

Taxonomy: In our survey, we provide a comprehensive review of the state-of-the-art in deep neural network pruning, which we categorize along five orthogonal axes: Universal/Specific Speedup, When to Prune, Pruning Criteria, Learn to Prune, and Fusion of Pruning and Other Techniques.

1. When to Prune

Type Explanation

Type L F C N H B M E W P Other
Explanation Layer pruning Filter pruning Channel pruning Neuron pruning Head pruning Block pruning Matrix pruning Embedding pruning Weight pruning Pioneer work other types

1.1 Static Pruning

1.1.1 Pruning Before Training

1.1.1.1 Pruning CNNs
Pruning Before Training CNNs 2024
No. Title Venue Type Algorithm Name Code APP Year
01 No Free Prune: Information-Theoretic Barriers to Pruning at Initialization ICML W - - Image Classification 2024
Pruning Before Training CNNs 2023
No. Title Venue Type Algorithm Name Code APP Year
01 Data-Free Model Pruning at Initialization via Expanders CVPRW W RReg PyTorch(Author) Image Classification 2023
02 Revisiting Pruning as Initialization through the Lens of Ramanujan Graph ICLR (TOP 5%) W - PyTorch(Author) Image Classification 2023
03 Pruning at Initialization - A Sketching Perspective arXiv W - - Image Classification 2023
04 NTK-SAP: Improving neural network pruning by aligning training dynamics ICLR W NTK-SAP PyTorch(Author) Image Classification 2023
Pruning Before Training CNNs 2022
No. Title Venue Type Algorithm Name Code APP Year
01 Prospect Pruning: Finding Trainable Weights at Initialization using Meta-Gradients ICLR WF ProsPr PyTorch(Author) Image Classification 2022
02 Dual Lottery Ticket Hypothesis ICLR W RST PyTorch(Author) Image Classification 2022
03 Recent Advances on Neural Network Pruning at Initialization IJCAI W - PyTorch(Author) Image Classification 2022
04 The Unreasonable Effectiveness of Random Pruning: Return of the Most Naive Baseline for Sparse Training ICLR W - PyTorch(Author) Image Classification 2022
05 Structured Pruning is All You Need for Pruning CNNs at Initialization arXiv C PreCropping - Image Classification 2022
Pruning Before Training CNNs 2021
No. Title Venue Type Algorithm Name Code APP Year
01 Progressive Skeletonization: Trimming More Fat from a network at initialization ICLR W FORCE PyTorch(Author) Image Classification 2021
02 Robust Pruning at Initialization ICLR W SPB - Image Classification 2021
03 A Unified Paths Perspective for Pruning at Initialization arXiv W - - Image Classification 2021
04 Prunining Neural Networks at Initialization: Why are We Missing the Mark? ICLR W - - Image Classification 2021
05 Why is Pruning at Initialization Immune to Reinitializating and Shuffling?) arXiv W - - Image Classification 2021
06 Dense for the Price of Sparse: Improved Performance of Sparsely Initialized Networks via a Subspace Offset) ICML W DCTpS PyTorch(Author) Image Classification 2021
Pruning Before Training CNNs 2020
No. Title Venue Type Algorithm Name Code APP Year
01 Single Shot Structured Pruning Before Training arXiv C 3SP PyTorch(Author) Image Classification 2020
02 A Signal Propagation Perspective for Pruning Neural Networks at Initialization ICLR (Spotlight) W - TensorFLow(Author) Image Classification 2020
03 Picking Winning Tickets before Training by Preserving Gradient Flow) ICLR W GraSP PyTorch(Author) Image Classification 2020
04 Pruning from Scratch AAAI C - PyTorch(Author) Image Classification 2020
05 Pruning neural networks without any data by iteratively conserving synaptic flow NeurIPS W SynFlow PyTorch(Author) Image Classification 2020
06 Sanity-Checking Pruning Methods: Random Tickets can Win the Jackpot NeurIPS W Smart-Ratios PyTorch(Author) Image Classification 2020
07 Prunining via Iterative Ranking of Sensitivity Statics arXiv WFC SNIP-it PyTorch(Author) Image Classification 2020
08 What’s Hidden in a Randomly Weighted Neural Network? CVPR W - PyTorch(Author) Image Classification 2020
09 Finding trainable sparse networks through Neural Tangent Transfer ICML W - PyTorch(Author) Image Classification 2020
Pruning Before Training CNNs 2019
No. Title Venue Type Algorithm Name Code APP Year
01 SNIP: Single-shot Network Pruning based on Connection Sensitivity ICLR WP SNIP TensorFLow(Author) Image Classification 2019

1.1.2 Pruning During Training

1.1.2.1 Pruning CNNs
Pruning During Training CNNs 2024
No. Title Venue Type Algorithm Name Code APP Year
01 Auto-Train-Once: Controller Network Guided Automatic Network Pruning from Scratch CVPR W ATO PyTorch(Author) Image Classification 2024
Pruning During Training CNNs 2023
No. Title Venue Type Algorithm Name Code APP Year
01 PDP: Parameter-free Differentiable Pruning is All You Need NeurIPS WC - - Vision&NLP 2023
02 LAPP: Layer Adaptive Progressive Pruning for Compressing CNNs from Scratch arXiv F LAPP - Image Classification 2023
Pruning During Training CNNs 2022
No. Title Venue Type Algorithm Name Code APP Year
01 SuperTickets: Drawing Task-Agnostic Lottery Tickets from Supernets via Jointly Architecture Searching and Parameter Pruning ECCV W SuperTickets PyTorch(Author) Image Classification&Object Detection&Human Pose Estimation 2022
02 Deep ensembling with no overhead for either training or testing: The all-round blessings of dynamic sparsity ICLR W FreeTickets PyTorch(Anthor) Image Classification 2022
03 Gradient Flow in Sparse Neural Networks and How Lottery Tickets Win AAAI W - PyTorch(Anthor) Image Classification 2022
Pruning During Training CNNs 2021
No. Title Venue Type Algorithm Name Code APP Year
01 Training Adversarially Robust Sparse Networks via Bayesian Connectivity Sampling ICML W - PyTorch(Anthor) Adversarial Robustness 2021
02 Training Neural Networks with Fixed Sparse Masks NeurIPS W - PyTorch(Author) Image Classification 2021
03 DPFPS: Dynamic and Progressive Filter Pruning for Compressing Convolutional Neural Networks from Scratch AAAI C DPFPS PyTorch(Author) Image Classification 2021
04 Sparse Training via Boosting Pruning Plasticity with Neuroregeneration NeurIPS WF GraNet PyTorch(Author) Image Classification 2021
05 Do We Actually Need Dense Over-Parameterization? In-Time Over-Parameterization in Sparse Training ICML W ITOP PyTorch(Anthor) Image Classification 2021
06 Dense for the Price of Sparse: Improved Performance of Sparsely Initialized Networks via a Subspace Offset ICML W DCTpS PyTorch(Anthor) Image Classification 2021
Pruning During Training CNNs 2020
No. Title Venue Type Algorithm Name Code APP Year
01 Pruning Filter in Filter NeurIPS Other SWP PyTorch(Author) Image Classification 2020
02 Dynamic Sparse Training: Find Effective Sparse Network from Scratch with Trainable Masked Layers ICLR NF DST PyTorch(Author) Image Classification 2020
03 DSA: More Efficient Budgeted Pruning via Differentiable Sparsity Allocation ECCV F DSA PyTorch(Author) Image Classification 2020
04 Dynamic Model Pruning with Feedback ICLR WF DPF PyTorch(3rd) Image Classification 2020
Pruning During Training CNNs 2019
No. Title Venue Type Algorithm Name Code APP Year
01 Filter Pruning via Geometric Median for Deep Convolutional Neural Networks Acceleration CVPR F FPGM PyTorch(Author) Image Classification 2019
02 Compressing Convolutional Neural Networks via Factorized Convolutional Filters CVPR F FCF PyTorch(Author) Image Classification 2019
03 Rigging the Lottery: Making All Tickets Winners ICML W RigL PyTorch(Author) Image Classification 2019
04 NeST: A Neural Network Synthesis Tool Based on a Grow-and-Prune Paradigm arXiv N NeST - Image Classification 2019
05 Variational Convolutional Neural Network Pruning CVPR F VCP - Image Classification 2019
06 Sparse Networks from Scratch: Faster Training without Losing Performance arXiv W SM PyTorch(Author) Image Classification 2019
07 Online Filter Clustering and Pruning for Efficient Convets arXiv W - - Image Classification 2019
08 Parameter Efficient Training of Deep Convolutional Neural Networks by Dynamic Sparse Reparameterization ICML W DSR PyTorch(Not Available) Image Classification 2019
09 Network Pruning via Transformable Architecture Search NeurIPS F TAS PyTorch(Author) Image Classification 2019
10 MetaPruning: Meta Learning for Automatic Neural Network Channel Pruning ICCV F MetaPruning PyTorch(Author) Image Classification 2019
11 DHP: Differentiable Meta Pruning via HyperNetworks ECCV F DHP PyTorch(Author) Image Classification&Super-resolution&Denoising 2019
12 Global Sparse Momentum SGD for Pruning Very Deep Neural Networks NeurIPS W GSM PyTorch(Author) Image Classification 2019
Pruning During Training CNNs 2018 and earlier
No. Title Venue Type Algorithm Name Code APP Year
01 Learning the Number of Neurons in Deep Networks NIPS N - - Image Classification 2016
02 Learning Structured Sparsity in Deep Neural Networks NIPS FC SSL Caffe(Author) Image Classification 2016
03 Learning Efficient Convolutional Networks through Networks Slimming ICCV C Slimming Lua(Author) Image Classification 2017
04 Deep Rewiring: Training very Sparse Deep Networks ICLR W - - Image Classification&Audio 2018
05 Rethinking the Smaller-Norm-Less-Informative Assumption in Channel Pruning of Convolution Layers ICLR F - TensorFlow(Author) PyTorch(3rd) Image Classification&Segmentation 2018
06 Data-Driven Sparse Structure Selection for Deep Neural Networks ECCV F SSS MXNet(Author) Image Classification 2018
07 MorphNet: Fast & Simple Resource-Constrained Structure Learning of Deep Networks CVPR L MorphNet PyTorch(Author) Image Classification 2018
08 Learning Sparse Neural Networks Through $L_0$ Regularization ICLR FN - PyTorch(Author) Image Classification 2018
09 Soft Filter Pruning for Accelerating Deep Convolutional Neural Networks IJCAI F SFP PyTorch(Author) Image Classification 2018
10 Scalable Training of Artificial Neural Networks with Adaptive Sparse Connectivity inspired by Network Science Nature Communication W&P SET - Image Classification 2018
1.1.2.2 Pruning Other Models
No. Title Venue Type Algorithm Name Code APP Year
01 Exploring Sparsity in Recurrent Neural Networks ICLR W - PyTorch Speech Recognition 2017
02 Sparse Training via Boosting Pruning Plasticity with Neuroregeneration NeurIPS H GraNet PyTorch Image Classification 2021
03 Selfish Sparse RNN Training ICML W SNT-ASGD PyTorch(Anthor) Language Modeling 2021
04 Dynamic Sparse Training for Deep Reinforcement Learning IJCAI W - PyTorch(Anthor) Continuous Control 2022
05 The State of Sparse Training in Deep Reinforcement Learning. ICML W - Tensorflow(Anthor) Continuous Control 2022

1.1.3 Pruning After Training

1.1.3.1 Pruning CNNs
Pruning After Training CNNs 2024
No. Title Venue Type Algorithm Name Code APP Year
01 Fast and Controllable Post-training Sparsity: Learning Optimal Sparsity Allocation with Global Constraint in Minutes AAAI W FCPTS - Image Classification&Object Detection 2024
02 UPDP: A Unified Progressive Depth Pruner for CNN and Vision Transformer AAAI L UPDP - Image Classification&Object Detection 2024
Pruning After Training CNNs 2023
No. Title Venue Type Algorithm Name Code APP Year
01 Unified Data-Free Compression: Pruning and Quantization without Fine-Tuning ICCV C UDFC - Image Classification 2023
02 Unmasking the Lottery Ticket Hypothesis: What’s Encoded in a Winning Ticket’s Mask? ICLR(TOP-25%) W - - Image Classification 2023
03 DepGraph: Towards Any Structural Pruning CVPR C DepGraph PyTorch(Author) CV/NLP 2023
04 DFPC: Data flow driven pruning of coupled channels without data ICLR C DFPC PyTorch(Author) Image Classification 2023
05 Memory-Oriented Structural Pruning for Efficient Image Restoration AAAI C MOSP - Image Restoration 2023
06 Trainability Preserving Nueral Structured Pruning ICLR F TPP Pytorch(Author) Image Classification 2023
Pruning After Training CNNs 2022
No. Title Venue Type Algorithm Name Code APP Year
01 Gradient Flow in Sparse Neural Networks and How Lottery Tickets Win AAAI W - PyTorch(Author) Image Classification 2022
02 How Well Do Sparse ImageNet Models Transfer? CVPR W - PyTorch(Author) Image Classification&Object Detection 2022
03 Lottery Jackpots Exist in Pre-trained Models arXiv W oBERT PyTorch(Author) Image Classification 2022
04 Graph Pruning for Model Compression Applied Intelligence W GraphPruning - Image Classification 2022
05 Advancing Model Pruning via Bi-level Optimization NeurIPS WC BiP PyTorch(Author) Image Classification 2022
06 Optimal Brain Compression: A Framework for Accurate Post-Training Quantization and Pruning NeurIPS W ExactOBS PyTorch(Author) Image Classification&Object Detection&Question Answering 2022
07 Prune Your Model Before Distill It ECCV F - PyTorch(Author) Image Classification 2022
08 SOSP: Efficiently Capturing Global Correlations by Second-Order Structured Pruning ICLR (Spotlight) F SOSP PyTorch(Author)(Releasing) Image Classification 2022
09 Dreaming to Prune Image Deraining Networks TPAMI 1XN - PyTorch(Author) Image Classification 2022
10 1xN Pattern for Pruning Convolutional Neural Networks CVPR F - - Image Deraining 2022
11 Prior Gradient Mask Guided Pruning-Aware Fine-Tuning AAAI C PGMPF PyTorch(Author) Image Classification 2022
Pruning After Training CNNs 2021
No. Title Venue Type Algorithm Name Code APP Year
01 ChipNet: Budget-Aware Pruning with Heaviside Continuous Approximations ICLR F ChipNet PyTorch(Author) Image Classification 2021
02 Sanity Checks for Lottery Tickets: Does Your Winning Ticket Really Win the Jackpot? NeurIPS W - PyTorch(Author) Image Classification 2021
03 Multi-Prize Lottery Ticket Hypothesis: Finding Accurate Binary Neural Networks by Pruning A Randomly Weighted Network ICLR W MPTs PyTorch(Author) Image Classification 2021
04 Long live the lottery: the existence of winning tickets in lifelong learning ICLR W - PyTorch(Author) Image Classification 2021
05 Enabling Retrain-free Deep Neural Network Pruning Using Surrogate Lagrangian Relaxation IJCAI W - - Image Classification & Object Detection 2021
06 Joint-DetNAS: Upgrade Your Detector with NAS, Pruning and Dynamic Distillation CVPR F Joint-DetNAS - Image Classification & Object Detection 2021
07 Validating the Lottery Ticket Hypothesis with Inertial Manifold Theory NeurIPS W - - Image Classification 2021
08 Towards Compact CNNs via Collaborative Compression CVPR F CC PyTorch(Author) Image Classification 2021
09 NPAS: A Compiler-aware Framework of Unified Network Pruning andArchitecture Search for Beyond Real-Time Mobile Acceleration CVPR F NPAS - Image Classification 2021
10 Neural Pruning via Growing Regularization ICLR WF Greg - Image Classification 2021
11 Towards Adversarial Robustness Via Compact Feature Representations ICASSP N - PyTorch(Author) Adversarial Robustness 2021
12 On the Predictability of Pruning Across Scales ICML W - - Image Classification 2021
13 How much pre-training is enough to discover a good subnetwork? arXiv W - - Image Classification 2021
14 The Lottery Tickets Hypothesis for Supervised and Self-supervised Pre-training in Computer Vision Models CVPR W - PyTorch(Author) Image Classification 2021
15 The Elastic Lottery Ticket Hypothesis NeurIPS W E-LTH PyTorch(Author) Image Classification 2021
16 Accelerated Sparse Neural Training: A Provable and Efficient Method to Find N:M Transposable Masks NeurIPS N:M AdaPrune PyTorch(Author) Image Classification 2021
17 Why Lottery Ticket Wins? A Theoretical Perspective of Sample Complexity on Sparse Neural Networks NeurIPS W - - Image Classification 2021
18 Group Fisher Pruning for Practical Network Compression ICML F GFP PyTorch(Author) Image Classification&Object Detection 2021
19 TransTailor: Pruning the Pre-trained Model for Improved Transfer Learning AAAI F TransTailor - Image Classification 2021
20 Network Pruning That Matters: A Case Study on Retraining Variants ICLR F - PyTorch(Author) Image Classification 2021
21 The Lottery Ticket Hypothesis for Object Recognition CVPR W - PyTorch(Author) Object Detection 2021
22 Lottery Jackpot Exist in Pre-trained Models TPAMI W Jackpot PyTorch(Author) Image Classification 2021
23 Accelerate CNNs from Three Dimensions: A Comprehensive Pruning Framework ICML F - - Image Classification 2021
24 Network Pruning via Performance Maximization CVPR F NPPM Pytorch(Author) Image Classification 2021
25 Accelerating Sparse Deep Neural Networks arXiv W - - Image Classification&Image Segmentation and Detection&Language Modeling&Language Translation 2021
Pruning After Training CNNs 2020
No. Title Venue Type Algorithm Name Code APP Year
01 SCOP: Scientific Control for Reliable Neural Network Pruning NeurIPS F SCOP PyTorch(Author) Image Classification 2020
02 Discrete Model Compression With Resource Constraint for Deep Neural Networks CVPR F - - Image Classification 2020
03 HRank: Filter Pruning using High-Rank Feature Map CVPR F HRank Pytorch(Author) Image Classification 2020
04 Learning Filter Pruning Criteria for Deep Convolutional Neural Networks Acceleration CVPR F LFPC - Image Classification 2020
05 Towards Efficient Model Compression via Learned Global Ranking CVPR F LeGR Pytorch(Author) Image Classification 2020
06 Reborn filters: Pruning convolutional neural networks with limited data AAAI F - - Image Classification 2020
07 Operation-Aware Soft Channel Pruning using Differentiable Masks ICML F SCP - Image Classification 2020
08 Neural Network Pruning with Residual-Connections and Limited-Data CVPR C CURL PyTorch(Author) Image Classification 2020
09 On the Transferability of Winning Tickets in Non-Natural Image Datasets arXiv W - - Image Classification 2020
10 Towards Compact and Robust Deep Networks arXiv W - - Image Classification 2020
11 HYDRA: Pruning Adversarially Robust Neural Networks NeurIPS W HYDRA PyTorch(Author) Adversarial Robustness 2020
12 Movement Pruning: Adaptive Sparsity by Fine-Tuning NeurIPS W - PyTorch(Author) NLP 2020
13 DMCP: Differentiable Markov Channel Pruning for Neural Networks CVPR C DMCP - Image Classification 2020
14 How many winning tickets are there in one DNN? arXiv W - - Image Classification 2020
15 Group Sparsity: The Hinge Between Filter Pruning and Decomposition for Network Compression CVPR F Hinge PyTorch(Author) Image Classification 2020
16 Proving the Lottery Ticket Hypothesis for Convolutional Neural Networks ICML N - - - 2020
17 Logarithmic Pruning is All You Need NeurIPS N - - - 2020
18 Optimal Lottery Tickets via SUBSETSUM:Logarithmic Over-Parameterization is Sufficient NeurIPS N - PyTorch(Author) Image Classification 2020
19 EagleEye: Fast Sub-net Evaluation for Efficient Neural Network Pruning ECCV F EagleEye PyTorch(Author) Image Classification 2020
20 Channel Pruning via Automatic Structure Search IJCAI F ABC PyTorch(Author) Image Classification 2020
Pruning After Training CNNs 2019
No. Title Venue Type Algorithm Name Code APP Year
01 Auto-Balanced Filter Pruning for Efficient Convolutional Neural Networks AAAI F - - Image Classification 2019
02 Gate Decorator: Global Filter Pruning Method for Accelerating Deep Convolutional Neural Networks NeurIPS F Gate Decorator PyTorch(Author) Image Classification&Semantic Segmentation 2019
03 EigenDamage: Structured Pruning in the Kronecker-Factored Eigenbasis ICML C EigenDamage PyTorch(Author) Image Classification 2019
04 Importance Estimation for Neural Network Pruning CVPR F Taylor-FO-BN PyTorch(Author) Image Classification 2019
05 The State of Sparsity in Deep Neural Networks arXiv w - TensorFlow(Author) Image Classification&machine translation 2019
06 Collaborative Channel Pruning for Deep Networks ICML F CCP - Image Classification 2019
07 One ticket to win them all: generalizing lottery ticket initializations across datasets and optimizers NeurIPS W - - Image Classification 2019
08 ECC: Platform-Independent Energy-Constrained Deep Neural Network Compression via a Bilinear Regression Model CVPR F ECC Pytorch(Author) Image Classification&Semantic Segmentation 2019
09 Approximated Oracle Filter Pruning for Destructive CNN Width Optimization github ICML F AOFP Pytorch(Author) Image Classification 2019
10 Sparse Transfer Learning via Winning Lottery Tickets arXiv W - PyTorch(Author) Image Classification 2019
11 Global Sparse Momentum SGD for Pruning Very Deep Neural Networks NeurIPS W - PyTorch(Author) Image Classification 2019
12 The Lottery Ticket Hypothesis: Finding Sparse, Trainable Neural Networks ICLR (Best) W LTH TensorFlow(Author) Image Classification 2019
13 Deconstructing Lottery Tickets: Zeros, Signs, and the Supermask NeurIPS W - TensorFlow(Author) Image Classification 2019
14 Winning the Lottery with Continuous Sparsification NeurIPS F CS PyTorch(Author) Image Classification 2019
15 Centripetal SGD for Pruning Very Deep Convolutional Networks with Complicated Structure CVPR F C-SGD Tensorflow(Author) Image Classification 2019
16 Exploiting Kernel Sparsity and Entropy for Interpretable CNN Compression CVPR W KSE PyTorch(Author) Image Classification 2019
17 Towards Compact ConvNets via Structure-Sparsity Regularized Filter Pruning TNNLS F SSR Caffe(Author) Image Classification 2019
18 Towards Optimal Structured CNN Pruning via Generative Adversarial Learning CVPR F GAL PyTorch(Author) Image Classification 2019
18 Efficient Neural Network Compression CVPR C ENC PyTorch(Author) Image Classification 2019
Pruning After Training CNNs 2018
No. Title Venue Type Algorithm Name Code APP Year
01 Accelerating Convolutional Networks via Global & Dynamic Filter Pruning IJCAI F GDP - Image Classification 2018
02 AMC: Automl for model compression and acceleration on mobile devices ECCV F AMC TensorFlow(3rd) Image Classification 2018
03 Exploring Linear Relationship in Feature Map Subspace for ConvNets Compression arXiv F - - Object Detection&Human Pose Estimation 2018
04 To prune, or not to prune: exploring the efficacy of pruning for model compression ICLRW W - TensorFlow(Author) NLP 2018
05 CLIP-Q: Deep Network Compression Learning by In-Parallel Pruning-Quantization CVPR W CLIP-Q - Image Classification 2018
06 Discrimination-aware Channel Pruning for Deep Neural Networks NeurIPS C DCP TensorFlow(Author) Image Classification 2018
07 NISP: Pruning Networks using Neuron Importance Score Propagation CVPR NC NISP - Image Classification 2018
08 2PFPCE: Two-Phase Filter Pruning Based on Conditional Entropy AAAI W 2PFPCE - Image Classification 2018
Pruning After Training CNNs 2017 and earlier
No. Title Venue Type Algorithm Name Code APP Year
01 Optimal Brain Damage NIPS W OBD - Image Classification 1989
02 Second Order Derivatives for Network Pruning: Optimal Brain Surgeon NIPS W OBS - Image Classification 1992
03 Structured Pruning of Deep Convolutional Neural Networks arXiv C - - Image Classification 2015
04 Deep Compression: Compressing Deep Neural Networks with Pruning, Trained Quantization and Huffman Coding ICLR (Best) W - Caffe(Author) Image Classification 2016
05 ThiNet: A Filter Level Pruning Method for Deep Neural Network Compression ICCV&TPAMI F ThiNet Caffe(Author), PyTorch(3rd) Image Classification 2017&2019
06 Pruning Convolutional Neural Networks for Resource Efficient Inference ICLR F - PyTorch Image Classification 2017
07 Pruning Filters for Efficient ConvNets ICLR F PFEC PyTorch(3rd) Image Classification 2017
08 Channel pruning for accelerating very deep neural networks ICCV C - Caffe(Author) Image Classification&Object Detection 2017
1.1.3.2 Pruning ViTs
Pruning After Training ViTs 2024
No. Title Venue Type Algorithm Name Code APP Year
01 Fast and Controllable Post-training Sparsity: Learning Optimal Sparsity Allocation with Global Constraint in Minutes AAAI W FCPTS - Image Classification&Object Detection 2024
02 UPDP: A Unified Progressive Depth Pruner for CNN and Vision Transformer AAAI L UPDP - Image Classification&Object Detection 2024
03 Pruning Self-attentions into Convolutional Layers in Single Path TPAMI H SPViT PyTorch Image Classification&Object Detection 2024
Pruning After Training ViTs 2023
No. Title Venue Type Algorithm Name Code APP Year
01 X-Pruner: eXplainable Pruning for Vision Transformers CVPR CH X-Pruner Pytorch(Author) Image Classification 2023
02 Global Vision Transformer Pruning with Hessian-Aware Saliency CVPR CH NViT - Image Classification 2023
03 Pruning Parameterization with Bi-level Optimization for Efficient Semantic Segmentation on the Edge CVPR W STE - semantic Segmentation 2023
04 Instant Soup: Cheap Pruning Ensembles in A Single Pass Can Draw Lottery Tickets from Large Models ICML W ISP Pytorch(Author) Image Classification&NLP 2023
Pruning After Training ViTs 2022
No. Title Venue Type Algorithm Name Code APP Year
01 Width & Depth Pruning for Vision Transformers AAAI C WDPruning Pytorch(Author) Image Classification 2022
02 SAViT: Structure-Aware Vision Transformer Pruning via Collaborative Optimization NeurIPS CHE SAViT Pytorch(Author) Image Classification&object detection 2022
03 VTC-LFC: Vision Transformer Compression with Low-Frequency Components NeurIPS C VTC-LFC Pytorch(Author) Image Classification 2022
04 CP-ViT: Cascade Vision Transformer Pruning via Progressive Sparsity Prediction arXiv H CP-ViT - Image Classification 2022
05 Unified Visual Transformer Compression ICLR H UVC Pytorch(Author) Image Classification 2022
1.1.3.3 Pruning BERTs
Pruning After Training BERTs 2023
No. Title Venue Type Algorithm Name Code APP Year
01 LoSparse: Structured Compression of Large Language Models based on Low-Rank and Sparse Approximation ICML H LoSparse PyTorch(Author) NLP 2023
02 Instant Soup: Cheap Pruning Ensembles in A Single Pass Can Draw Lottery Tickets from Large Models ICML W ISP Pytorch(Author) Image Classification&NLP 2023
03 Gradient-Free Structured Pruning with Unlabeled Data ICML F KCM - NLP 2023
04 The Emergence of Essential Sparsity in Large Pre-trained Models: The Weights that Matter arXiv W&N:M - Pytorch(Author) NLP 2023
Pruning After Training BERTs 2022
No. Title Venue Type Algorithm Name Code APP Year
01 Structured Pruning Learns Compact and Accurate Models ACL LH CoFi PyTorch(Author) Natural Language Understanding 2022
02 From Dense to Sparse: Contrastive Pruning for Better Pre-trained Language Model Compression AAAI WH CAP PyTorch(Author) NLP 2022
03 PLATON: Pruning Large Transformer Models with Upper Confidence Bound of Weight Importance ICML WC PLATON PyTorch(Author) Natural Language Understanding&Question Answering&Image Classification 2022
04 Parameter-Efficient Sparsity for Large Language Models Fine-Tuning IJCAI W PST PyTorch(Author) Language Modeling 2022
05 The Optimal BERT Surgeon: Scalable and Accurate Second-Order Pruning for Large Language Models EMNLP W oBERT PyTorch(Author) Natural Language Understanding 2022
06 Optimal Brain Compression: A Framework for Accurate Post-Training Quantization and Pruning NeurIPS W ExactOBS PyTorch(Author) Image Classification&Object Detection&Question Answering 2022
Pruning After Training BERTs 2021
No. Title Venue Type Algorithm Name Code APP Year
01 Super Tickets in Pre-Trained Language Models: From Model Compression to Improving Generalization ACL W super tickets PyTorch(Author) Language Understanding 2021
02 Accelerated Sparse Neural Training: A Provable and Efficient Method to Find N:M Transposable Masks NeurIPS N:M AdaPrune PyTorch(Author) Image Classification 2021
03 Prune Once for All: Sparse Pre-Trained Language Models NeurIPS Workshop W OFA PyTorch(Author) NLP 2021
04 BERT Busters: Outlier Dimensions that Disrupt Transformers ACL W - - NLP 2021
05 PARP: Prune, Adjust and Re-Prune for Self-Supervised Speech Recognition NeurIPS W PARP - Speach Recognition 2021
06 Parameter-Efficient Transfer Learning with Diff Pruning ACL M Diff Pruning PyTorch(Author) NLP 2021
07 EarlyBERT: Efficient BERT training via early-bird lottery tickets ACL-IJCNLP H EarlyBERT PyTorch(Author) NLP 2021
08 The Lottery Ticket Hypothesis for Pre-trained BERT Networks ICML W - PyTorch(Author) Language Modeling 2021
09 Structured Pruning of Large Language Models arXiv W FLOP PyTorch(Author) NLP classification 2021
10 Accelerating Sparse Deep Neural Networks arXiv W - - Image Classification&Image Segmentation and Detection&Language Modeling&Language Translation 2021
11 Differentiable Subset Pruning of Transformer Heads TACL H - PyTorch(Author) NLP 2021
Pruning After Training BERTs 2020
No. Title Venue Type Algorithm Name Code APP Year
03 Train Large, Then Compress: Rethinking Model Size for Efficient Training and Inference of Transformers ICML W - - NLP 2020
04 When BERT Plays the Lottery, All Tickets Are Winning EMNLP W - PyTorch(Author) Language Modeling 2020
05 LadaBERT: Lightweight Adaptation of BERT through Hybrid Model Compression COLING W - - NLP(Sentiment Classification,Natural Language Inference,Pairwise Semantic Equivalence) 2020
06 Pruning Redundant Mappings in Transformer Models via Spectral-Normalized Identity Prior EMNLP H - - NLP 2020
07 Compressing BERT: Studying the Effects of Weight Pruning on Transfer Learning Rep4NLP W - - NLP 2020
Pruning After Training BERTs 2019
No. Title Venue Type Algorithm Name Code APP Year
01 Reweighted Proximal Pruning for Large-Scale Language Representation arXiv Other - - NLP 2019
02 Efficient Transformer-based Large Scale Language Representations using Hardware-friendly Block Structured Pruning EMNLP Other - - NLP 2019
1.1.3.4 Pruning LLMs
Pruning After Training LLMs 2024
No. Title Venue Type Algorithm Name Code APP Year
01 LoRAPrune: Structured Pruning Meets Low-Rank Parameter-Efficient Fine-Tuning ACL CH LoRAPrune PyTorch(Author) Language Modeling&Classification 2024
02 A Simple and Effective Pruning Approach for Large Language Models ICLR W Wanda PyTorch(Author) Language Modeling&Classification 2024
03 SliceGPT: Compress Large Language Models by Deleting Rows and Columns ICLR CH SliceGPT PyTorch(Author) Language Modeling&Classification 2024
04 Fluctuation-based Adaptive Structured Pruning for Large Language Models AAAI CH FLAP PyTorch(Author) Language Modeling&Classification 2024
05 BESA: Pruning Large Language Models with Blockwise Parameter-Efficient Sparsity Allocation arXiv B BESA PyTorch(Author) Language Modeling&Classification 2024
06 APT: Adaptive Pruning and Tuning Pretrained Language Models for Efficient Training and Inference ICML HC APT PyTorch(Author) Classification 2024
07 Sheared LLaMA: Accelerating Language Model Pre-training via Structured Pruning ICLR CH Sheared LLaMA PyTorch(Author) Language Modeling&Classification 2024
08 Everybody Prune Now: Structured Pruning of LLMs with only Forward Passes arXiv CH Bonsai PyTorch(Author) Language Modeling&Classification 2024
09 LaCo: Large Language Model Pruning via Layer Collapse arXiv L LaCo - Language Modeling&Classification 2024
10 ShortGPT: Layers in Large Language Models are More Redundant Than You Expect arXiv L ShortGPT - Language Modeling&Classification 2024
11 SparseLLM: Towards Global Pruning for Pre-trained Language Models arXiv B SparseLLM PyTorch(Author) Language Modeling&Classification 2024
12 SLEB: Streamlining LLMs through Redundancy Verification and Elimination of Transformer Blocks arXiv N SLEB PyTorch(Author) Language Modeling&Classification 2024
13 Streamlining Redundant Layers to Compress Large Language Models arXiv L LLMStreamline - Language Modeling&Classification 2024
14 Why Lift so Heavy? Slimming Large Language Models by Cutting Off the Layers arXiv L - - Classification 2024
15 Shortened LLaMA: Depth Pruning for Large Language Models with Comparison of Retraining Methods ICLRW HC - PyTorch(Author) Classification 2024
16 Flash-LLM: Enabling Cost-Effective and Highly-Efficient Large Generative Model Inference with Unstructured Sparsity VLDB W Flash-LLM PyTorch(Author) Recognizing Textual Entailment 2024
17 The LLM Surgeon arXiv WC LLM Surgeon PyTorch(Author) Language Modeling 2024
18 Outlier Weighed Layerwise Sparsity (OWL): A Missing Secret Sauce for Pruning LLMs to High Sparsity ICML W OWL PyTorch(Author) Language Modeling&Classification 2024
19 The Unreasonable Ineffectiveness of the Deeper Layers arXiv B - - Classification 2024
20 Enhancing One-Shot Pruned Generative Pre-training Language Models through Sparse-Dense-Sparse Mechanism OpenReview W SDS - Classification 2024
21 KS-Lottery: Finding Certified Lottery Tickets for Multilingual Language Models arXiv W - - Language Translation 2024
Pruning After Training LLMs 2023
No. Title Venue Type Algorithm Name Code APP Year
01 SparseGPT: Massive Language Models Can be Accurately Pruned in One-Shot NeurIPS WP - PyTorch(Author) Language Modeling&Classification 2023
02 LLM-Pruner: On the Structural Pruning of Large Language Models arXiv CHP LLM-Pruner PyTorch(Author) Language Modeling&Language Generation&Classification 2023
03 LoRAShear: Efficient Large Language Model Structured Pruning and Knowledge Recovery arXiv CH LoRAShear - Language Modeling&Language Generation&Classification 2023
04 Compresso: Structured Pruning with Collaborative Prompting Learns Compact Large Language Models arXiv CH Compresso PyTorch(Author) Classification 2023
05 Mini-GPTs: Efficient Large Language Models through Contextual Pruning arXiv WC - - Language Modeling& Classification 2023
06 The Emergence of Essential Sparsity in Large Pre-trained Models: The Weights that Matter arXiv W&N:M - Pytorch(Author) NLP 2023
1.1.3.5 Pruning Diffusion Models
Pruning After Training Diffusion Models 2023
No. Title Venue Type Algorithm Name Code APP Year
01 Structural Pruning for Diffusion Models NeurIPS C Diff-Pruning PyTorch(Author) Image Generation 2023
1.1.3.6 Pruning Vision-and-Languages
Pruning After Training VLMs 2024
No. Title Venue Type Algorithm Name Code APP Year
01 ECoFLaP: Efficient Coarse-to-Fine Layer-Wise Pruning for Vision-Language Models ICLR L ECoFLaP Pytorch(Author) VQA&Image Captioning&Image-text Retrieval&Image Classification 2024
Pruning After Training VLMs 2023
No. Title Venue Type Algorithm Name Code APP Year
01 Large Multimodal Model Compression via Efficient Pruning and Distillation at AntGroup arXiv B - - Multimodal Advertisement Audition 2023
02 UPop: Unified and Progressive Pruning for Compressing Vision-Language Transformers ICML H UPop Pytorch(Author) Image Classification&Image Caption&Image Retrieval&VQA 2023
03 Instant Soup: Cheap Pruning Ensembles in A Single Pass Can Draw Lottery Tickets from Large Models ICML W ISP Pytorch(Author) Image Classification&NLP 2023
Pruning After Training VLMs 2022
No. Title Venue Type Algorithm Name Code APP Year
01 Playing Lottery Tickets with Vision and Language AAAI W - - Vision-and-Language 2022
1.1.3.7 Pruning Other Models
No. Title Venue Type Algorithm Name Code APP Year
01 Analyzing Multi-Head Self-Attention: Specialized Heads Do the Heavy Lifting, the Rest Can Be Pruned ACL W - PyTorch(Author) NLP 2019
02 Playing the Lottery with Rewards and Multiple Languages: Lottery Tickets in RL and NLP ICLR W - - Classic Control&Atari Game 2020
03 Dynamic Sparsity Neural Networks for Automatic Speech Recognition ICASSP W - - Speach Recognition 2021
04 GAN Compression: Efficient Architectures for Interactive Conditional GANs arXiv C - - Image-to-Image Translation 2021
05 Content-Aware GAN Compression CVPR F - PyTorch(Author) Image Generation, Image Projection, Image Editing
06 A Unified Lottery Ticket Hypothesis for Graph Neural Networks ICML W - PyTorch(Author) Node Classification&Link Prediction 2021
07 Winning Lottery Tickets in Deep Generative Models AAAI W - - Image generative 2021
08 GANs Can Play Lottery Tickets Too ICLR W - PyTorch(Author) Image generative 2021
09 Layer-wise Pruning of Transformer Attention Heads for Efficient Language Modeling arXiv H - PyTorch(Author) Lanugage Modeling 2021
10 Can We Find Strong Lottery Tickets in Generative Models? arXiv W - - Image generative 2022
11 Exploring Lottery Ticket Hypothesis in Spiking Neural Networks ECCV W ET PyTorch(Author) Image Classification 2022
12 Structured Pruning for Efficient Generative Pre-trained Language Models ACL C CP3 - Language Modeling&Machine Translation&Abstractive Summarization 2023
13 Rethinking Graph Lottery Tickets: Graph Sparsity Matters ICLR W - - Node Classification 2023
14 CP3: Channel Pruning Plug-in for Point-based Networks CVPR C CP3 - 3D Image Classification and Object Detection 2023
1.1.3.8 Post Training
Post Training 2024
No. Title Venue Type Algorithm Name Code APP Year
01 Fast and Controllable Post-training Sparsity: Learning Optimal Sparsity Allocation with Global Constraint in Minutes AAAI W FCPTS - Image Classification 2024
Post Training 2023
No. Title Venue Type Algorithm Name Code APP Year
01 SparseGPT: Massive Language Models Can be Accurately Pruned in One-Shot NeurIPS WP - PyTorch(Author) Language Modeling 2023
02 Unified Data-Free Compression: Pruning and Quantization without Fine-Tuning ICCV C UDFC - Image Classification 2023
03 OTOv3: Automatic Architecture-Agnostic Neural Network Training and Compression from Structured Pruning to Erasing Operators arXiv WFC - - Image Classification 2023
Post Training 2022
No. Title Venue Type Algorithm Name Code APP Year
01 CP-ViT: Cascade Vision Transformer Pruning via Progressive Sparsity Prediction arXiv H CP-ViT - Image Classification 2022
02 Optimal Brain Compression: A Framework for Accurate Post-Training Quantization and Pruning NeurIPS W ExactOBS PyTorch(Author) Image Classification&Object Detection&Question Answering 2022
03 A Fast Post-Training Pruning Framework for Transformers NeurIPS HF - PyTorch(Author) Natural Language Understanding 2022
Post Training 2021
No. Title Venue Type Algorithm Name Code APP Year
01 Enabling Retrain-free Deep Neural Network Pruning Using Surrogate Lagrangian Relaxation IJCAI W - - Image Classification & Object Detection 2021
02 Accelerated Sparse Neural Training: A Provable and Efficient Method to Find N:M Transposable Masks NeurIPS N:M AdaPrune PyTorch(Author) Image Classification 2021

1.1.4 Pruning in Early Training

No. Title Venue Type Algorithm Name Code APP Year
01 Linear Mode Connectivity and the Lottery Ticket Hypothesis ICML W - - Image Classification 2020
02 When To Prune? A Policy Towards Early Structural Pruning CVPR F PaT - Image Classification 2022
03 Drawing Early-Bird Tickets: Towards More Efficient Training of Deep Networks ICLR W - PyTorch(Author) Image Classification 2020
04 A Gradient Flow Framework For Analyzing Network Pruning ICLR F - PyTorch(Author) Image Classification 2021

1.2 Dynamic Pruning

No. Title Venue Type Algorithm Name Code APP Year
01 Channel Gating Neural Networks NeurIPS F RNP - Image Classification 2017
02 Channel Gating Neural Networks NeurIPS C CGNet PyTorch(Author) Image Classification 2019
03 Dynamic Channel Pruning: Feature Boosting and Suppression ICLR C FBS PyTorch(Author) Image Classification 2019
04 Frequency-Domain Dynamic Pruning for Convolutional Neural Networks NeurIPS F FDNP - Image Classification 2019
05 Fire Together Wire Together: A Dynamic Pruning Approach With Self-Supervised Mask Prediction CVPR F - - Image Classification 2019
06 Dynamic Dual Gating Neural Networks ICCV C DGNet PyTorch(Author) Image Classification 2021
07 Manifold Regularized Dynamic Network Pruning CVPR F ManiDP PyTorch(Author) Image Classification 2021
08 Contrastive Dual Gating: Learning Sparse Features With Contrastive Learning CVPR WF CDG - Image Classification 2022

2. Learning and Pruning

2.1 Continual learning

No. Title Venue Algorithm Name Code APP Year
01 Continual Learning via Neural Pruning arXiv CLNP - Image Classification 2019
02 Learning Bayesian Sparse Networks With Full Experience Replay for Continual Learning CVPR SNCL - Image Classification 2022
03 Continual Prune-and-Select: Class-Incremental Learning with SPecialized Subnetworks Applied Intelligence - PyTorch(Author) Image Classification 2023
04 Continual Domain Adaptation through Pruning-aided Domain-specific Weight Modulation CVPRW PaCDA PyTorch(Author) Image Classification 2023

2.2 Contrastive learning

No. Title Venue Algorithm Name Code APP Year
01 Studying the impact of magnitude pruning on contrastive learning methods ICML - PyTorch(Author) Image Classification 2020
02 Training Debiased Subnetworks with Contrastive Weight Pruning CVPR DCWP - Image Classification 2023

2.3 Federated learning

No. Title Venue Algorithm Name Code APP Year
01 FedDUAP: Federated Learning with Dynamic Update and Adaptive Pruning Using Shared Data on the Server IJCAI FedDUAP - Image Classification 2020
02 Model Pruning Enables Efficient Federated Learning on Edge Devices TNNLS - PyTorch(Author) Image Classification 2022

3. Application

3.1 Computer Vision

No. Title Venue Code APP Year
01 Deep Rewiring: Training very Sparse Deep Networks ICLR - Image Classification&Audio 2018
02 Co-Evolutionary Compression for Unpaired Image Translation ICCV PyTorch(Author) Image Style Translation 2019
03 Content-Aware GAN Compression CVPR PyTorch(Author) Image Style Translation 2021
04 Training Neural Networks with Fixed Sparse Masks NeurIPS PyTorch(Author) Image Classification 2021
05 Vision Transformer Slimming: Multi-Dimension Searching in Continuous Optimization Space CVPR PyTorch(Author) Image Classification&Audio 2022
06 SuperTickets: Drawing Task-Agnostic Lottery Tickets from Supernets via Jointly Architecture Searching and Parameter Pruning ECCV PyTorch(Author) Image Classification&Object Detection&Human Pose Estimation 2022

3.2 Natural Language Processing

No. Title Venue Code APP Year
01 When BERT Plays the Lottery, All Tickets Are Winning EMNLP PyTorch(Author) Language Modeling 2020
02 The Lottery Ticket Hypothesis for Pre-trained BERT Networks ICML PyTorch(Author) Language Modeling 2021
03 Structured Pruning Learns Compact and Accurate Models ACL PyTorch(Author) Natural Language Understanding 2022
04 A Fast Post-Training Pruning Framework for Transformers NeurIPS PyTorch(Author) Natural Language Understanding 2022
05 A Fast Post-Training Pruning Framework for Transformers NeurIPS PyTorch(Author) Natural Language Understanding 2022
06 The Optimal BERT Surgeon: Scalable and Accurate Second-Order Pruning for Large Language Models EMNLP PyTorch(Author) Natural Language Understanding 2022
07 Pruning Meets Low-Rank Parameter-efficient arXiv - Image Classification&Language Modeling 2023
08 LLM-Pruner: On the Structural Pruning of Large Language Models arXiv - Language Modeling 2023

3.3 Audio Signal Processing

No. Title Venue Code APP Year
01 Exploring Sparsity in recurrent neural networks ICLR PyTorch Speech Recognition 2017
02 Deep Rewiring: Training very Sparse Deep Networks ICLR - Image Classification&Audio 2018

4. Combination

4.1 Pruning and Quantization

No. Title Venue Code APP Year
01 CLIP-Q: Deep Network Compression Learning by In-Parallel Pruning-Quantization CVPR - Image Classification 2018
02 Accelerating Sparse Deep Neural Networks arXiv - Image Classification&Object Detection&Language Translation&Language Modeling&Image Synthesis&Domain Translation&Style Transfer&Image-Image Translation&Super Resolution 2021
03 OPQ: Compressing Deep Neural Networks with One-shot Pruning-Quantization AAAI - Image Classification 2021
04 Deep Model Compression Based on the Training History arXiv - Image Classification 2022
05 LLM-Pruner: On the Structural Pruning of Large Language Models arXiv PyTorch Causal Language Modeling 2023
06 Unified Data-Free Compression: Pruning and Quantization without Fine-Tuning ICCV - Image Classification 2023

5. Survey of Pruning

Survey of Pruning 2024

No. Title Venue Code APP Year
01 Structured Pruning for Deep Convolutional Neural Networks: A survey TPAMI - CV&NLP 2024
02 A survey on efficient vision transformers: algorithms, techniques, and performance benchmarking arXiv - CV 2024
03 A Survey of Lottery Ticket Hypothesis arXiv - CV&NLP 2024
04 Model Compression and Efficient Inference for Large Language Models: A Survey arXiv - NLP 2024

Survey of Pruning 2023

No. Title Venue Code APP Year
01 Why is the State of Neural Network Pruning so Confusing? On the Fairness, Comparison Setup, and Trainability in Network Pruning arXiv PyTorch(Author) Image Classification 2023
02 Transforming Large-Size to Lightweight Deep Neural Networks for IoT Applications ACM Computing Surveys - CV&NLP&Audio 2023
03 A Survey on Model Compression for Large Language Models TACL - NLP&Unseen Instructions 2023
04 Towards Efficient Generative Large Language Model Serving: A Survey from Algorithms to Systems arXiv - - 2023
05 A Survey on Dynamic Neural Networks for Natural Language Processing arXiv - NLP 2023
06 Dimensionality Reduced Training by Pruning and Freezing Parts of a Deep Neural Network, a Survey arXiv - CV&NLP 2023

Survey of Pruning 2022

No. Title Venue Code APP Year
01 A Survey on Efficient Convolutional Neural Networks and Hardware Acceleration Electronics - - 2022
02 Dimensionality Reduced Training by Pruning and Freezing Parts of a Deep Neural Network, a Survey arXiv - Image Classification 2022
03 Efficient Transformers: A Survey arXiv - CV&NLP 2022
04 Recent Advances on Neural Network Pruning at Initialization IJCAI - CV&NLP 2022

Survey of Pruning 2021

No. Title Venue Code APP Year
01 Sparsity in Deep Learning: Pruning and growth for efficient inference and training in neural networks JMLR - Image Classification 2021
02 Dynamic Neural Networks: A Survey arXiv - - 2021
03 Pruning and Quantization for Deep Neural Network Acceleration: A Survey Neurocomputing - Image Classification 2021
04 Compressing Large-Scale Transformer-Based Models: A Case Study on BERT TACL - NLP 2021

Survey of Pruning 2020

No. Title Venue Code APP Year
01 Model Compression and Hardware Acceleration for Neural Networks: A Comprehensive Survey IEEE - - 2020
02 Pruning Algorithms to Accelerate Convolutional Neural Networks for Edge Applications: A Survey arXiv - Image Classification 2020
03 A Survey of Model Compression and Acceleration for Deep Neural Networks arXiv - - 2020
04 An Survey of Neural Network Compression arXiv - - 2020
05 Convolutional Neural Network Pruning: A Survey CCC - - 2020
06 What is the State of Neural Network Pruning? MLSys - - 2020
07 A comprehensive survey on model compression and acceleration Artificial Intelligence Review - - 2020
08 A Survey on Deep Neural Network Compression: Challenges, Overview, and Solutions arXiv - - 2020

Survey of Pruning 2019 and earlier

No. Title Venue Code APP Year
01 Pruning Algorithms-A Survey IEEE Transactions on Neural Networks - Image Classification 1993
02 Efficient Processing of Deep Neural Networks: A Tutorial and Survey arXiv - Image Classification 2017
03 Recent advances in efficient computation of deep convolutional neural networks arXiv - - 2018
04 The State of Sparsity in Deep Neural Networks arXiv PyTorch(Author) Image Classification&machine translation 2019

6. Other Works

Papers

No. Title Venue Algorithm Name Code APP Year
01 Is Pruning Compression?: Investigating Pruning Via Network Layer Similarity WACV - - Image Classification 2020
02 A Gradient Flow Framework For Analyzing Network Pruning ICLR - PyTorch(Author) Image Classification 2021
03 Data Level Lottery Ticket Hypothesis for Vision Transformers IJCAI - PyTorch(Author) Image Classification 2021
04 Are All Layers Created Equal? JMLR - - Image Classification 2022

Useful Links

https://github.com/airaria/TextPruner

Acknowledgements

We would like to express our gratitude to the authors of the articles cited in our survey and the authors of the following repositories.

https://github.com/he-y/awesome-Pruning/
https://github.com/MingSun-Tse/Awesome-Pruning-at-Initialization
https://github.com/csyhhu/Awesome-Deep-Neural-Network-Compression/blob/master/Paper/Pruning.md

Citation

If you find this project useful, please cite

@article{cheng2023survey,
  title={A Survey on Deep Neural Network Pruning:Taxonomy, Comparison, Analysis, and Recommendations},
  author={Hongrong Cheng and Miao Zhang and Javen Qinfeng Shi},
  journal={arXiv preprint arXiv:2308.06767},
  year={2023}
}

About

No description, website, or topics provided.

Resources

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published