An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: network-pruning

MingSun-Tse/Efficient-Deep-Learning

Collection of recent methods on (deep) neural network compression and acceleration.

Size: 700 KB - Last synced at: 1 day ago - Pushed at: 16 days ago - Stars: 945 - Forks: 131

sliming-ai/sliming-ai.github.io

🧠 Singular values-driven automated filter pruning

Language: JavaScript - Size: 384 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 7 - Forks: 3

locuslab/wanda

A simple and effective LLM pruning approach.

Language: Python - Size: 109 KB - Last synced at: 8 days ago - Pushed at: 8 months ago - Stars: 735 - Forks: 101

VainF/Diff-Pruning

[NeurIPS 2023] Structural Pruning for Diffusion Models

Language: Python - Size: 25.2 MB - Last synced at: 10 days ago - Pushed at: 10 months ago - Stars: 185 - Forks: 12

VainF/Torch-Pruning

[CVPR 2023] DepGraph: Towards Any Structural Pruning

Language: Python - Size: 10 MB - Last synced at: 12 days ago - Pushed at: 27 days ago - Stars: 2,962 - Forks: 347

Eric-mingjie/rethinking-network-pruning

Rethinking the Value of Network Pruning (Pytorch) (ICLR 2019)

Language: Python - Size: 164 KB - Last synced at: 12 days ago - Pushed at: almost 5 years ago - Stars: 1,515 - Forks: 293

sseung0703/Autoslim_TF2

Implementation of Autoslim using Tensorflow2

Language: Python - Size: 410 KB - Last synced at: 20 days ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 0

pvti/CORING

:ring: Efficient tensor decomposition-based filter pruning

Language: Jupyter Notebook - Size: 272 MB - Last synced at: 9 days ago - Pushed at: 10 months ago - Stars: 16 - Forks: 4

IDT-ITI/B-FPGM

Code and trained models for our paper: N. Kaparinos, V. Mezaris, "B-FPGM: Lightweight Face Detection via Bayesian-Optimized Soft FPGM Pruning", Proc. IEEE/CVF Winter Conference on Applications of Computer Vision Workshops (WACVW 2025).

Language: Python - Size: 5.31 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

meijieru/AtomNAS

[ICLR 2020]: 'AtomNAS: Fine-Grained End-to-End Neural Architecture Search'

Language: Python - Size: 121 KB - Last synced at: 14 days ago - Pushed at: almost 5 years ago - Stars: 222 - Forks: 21

ZJCV/SSL

[NIPS 2016] Learning Structured Sparsity in Deep Neural Networks

Language: Python - Size: 73.2 KB - Last synced at: 20 days ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 5

Miocio-nora/Decay_Pruning_Method

Make Structured Pruning Methods Smooth and Adaptive: Decay Pruning Method (DPM) is a novel smooth and dynamic pruning approach, that can be seemingly integrated with various existing structured pruning methods, providing significant improvement.

Size: 417 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

xingyul/sparse-winograd-cnn

Efficient Sparse-Winograd Convolutional Neural Networks (ICLR 2018)

Language: Python - Size: 219 KB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 190 - Forks: 47

chumingqian/Model_Compression_For_YOLOV3-V4

In this repository using the sparse training, group channel pruning and knowledge distilling for YOLOV4,

Language: Python - Size: 9.22 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 30 - Forks: 9

yikaiw/CEN

[TPAMI 2023, NeurIPS 2020] Code release for "Deep Multimodal Fusion by Channel Exchanging"

Language: Python - Size: 2.86 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 281 - Forks: 44

changlin31/DS-Net

(CVPR 2021, Oral) Dynamic Slimmable Network

Language: Python - Size: 83 KB - Last synced at: 10 months ago - Pushed at: over 3 years ago - Stars: 225 - Forks: 19

ziplab/SPViT

[TPAMI 2024] This is the official repository for our paper: ''Pruning Self-attentions into Convolutional Layers in Single Path''.

Language: Python - Size: 198 KB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 99 - Forks: 14

yehuitang/Pruning

Code for "Co-Evolutionary Compression for Unpaired Image Translation" (ICCV 2019), "SCOP: Scientific Control for Reliable Neural Network Pruning" (NeurIPS 2020) and “Manifold Regularized Dynamic Network Pruning” (CVPR 2021).

Language: Python - Size: 1.57 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 237 - Forks: 47

alecwangcq/EigenDamage-Pytorch

Code for "EigenDamage: Structured Pruning in the Kronecker-Factored Eigenbasis" https://arxiv.org/abs/1905.05934

Language: Python - Size: 160 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 111 - Forks: 19

Faptimus420/Sparse_VD_keras-core Fork of Cerphilly/Sparse_VD_tf2

Reimplementation of Sparse Variational Dropout in Keras-Core/Keras 3.0

Language: Python - Size: 62.5 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

srinath2022/visual-counting-project

Counting currency from video using RepNet as a base model.

Language: Jupyter Notebook - Size: 19.5 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

rahulvigneswaran/Lottery-Ticket-Hypothesis-in-Pytorch

This repository contains a Pytorch implementation of the paper "The Lottery Ticket Hypothesis: Finding Sparse, Trainable Neural Networks" by Jonathan Frankle and Michael Carbin that can be easily adapted to any model/dataset.

Language: Python - Size: 26.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 289 - Forks: 86

twcmchang/CP-CNN

Channel-Prioritized Convolutional Neural Networks for Sparsity and Multi-fidelity

Language: Python - Size: 113 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 2

haimengzhao/CAE-ADMM

CAE-ADMM: Implicit Bitrate Optimization via ADMM-Based Pruning in Compressive Autoencoders

Language: Python - Size: 1.01 GB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 42 - Forks: 9

HankYe/PAGCP

PAGCP for the compression of YOLOv5

Language: Python - Size: 1.13 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 70 - Forks: 8

rist-ro/training-neural-connectivities

Pruning neural networks directly with back-propagation

Language: Python - Size: 146 KB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

zeyuanyin/Network-Pruning

Network Pruning

Language: Python - Size: 587 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

MingSun-Tse/TPP

[ICLR'23] Trainability Preserving Neural Pruning (PyTorch)

Language: Python - Size: 982 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 20 - Forks: 0

aygong/snip-tensorflow

Code for the project "SNIP: Single-Shot Network Pruning"

Language: Python - Size: 1.57 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

mahkons/Lottery-ticket-hypothesis

This repository contains a Pytorch implementation of the article "The Lottery Ticket Hypothesis: Finding Sparse, Trainable Neural Networks" and an application of this hypothesis to reinforcement learning

Language: Python - Size: 12.4 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 0

ZJCV/NetworkSlimming

[ICCV 2017] Learning Efficient Convolutional Networks through Network Slimming

Language: Python - Size: 58.6 KB - Last synced at: 20 days ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

lscgx/FSM

The official code for our ACCV2022 poster paper: Network Pruning via Feature Shift Minimization.

Language: Python - Size: 4.81 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

MingSun-Tse/Why-the-State-of-Pruning-so-Confusing

[Preprint] Why is the State of Neural Network Pruning so Confusing? On the Fairness, Comparison Setup, and Trainability in Network Pruning

Size: 6.32 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 22 - Forks: 0

alinlab/lookahead_pruning

Lookahead: A Far-sighted Alternative of Magnitude-based Pruning (ICLR 2020)

Language: Python - Size: 180 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 7

tarujg/keras-deep-compression

Reducing the computational overhead of Deep CNNs through parameter pruning and tensor decomposition.

Language: Python - Size: 16 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 2

namhoonlee/snip-public

SNIP: SINGLE-SHOT NETWORK PRUNING BASED ON CONNECTION SENSITIVITY

Language: Python - Size: 15.6 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 96 - Forks: 18

lmbxmu/CLR-RNF

Pytorch implementation of our paper (TNNLS) -- Pruning Networks with Cross-Layer Ranking & k-Reciprocal Nearest Filters

Language: Python - Size: 522 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 1

lehduong/kesi

Knowledge distillation from Ensembles of Iterative pruning (BMVC 2020)

Language: Jupyter Notebook - Size: 3.19 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 23 - Forks: 8

ivclab/Multistage_Pruning

Cheng-Hao Tu, Jia-Hong Lee, Yi-Ming Chan and Chu-Song Chen, "Pruning Depthwise Separable Convolutions for MobileNet Compression," International Joint Conference on Neural Networks, IJCNN 2020, July 2020.

Language: Python - Size: 33.2 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 3

XUHUAKing/ssd.pruning.pytorch

Improved Implementation of Single Shot MultiBox Detector, RefineDet and Network Optimization in Pytorch 07/2018

Language: Python - Size: 289 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 3

russellgeum/Network-Pruning-Starter

Tutorial impelmentation of Neural Network Pruning for VGG

Language: Python - Size: 121 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

Cerphilly/Sparse_VD_tf2

Sparse variational droput in tensorflow2

Language: Python - Size: 8.79 KB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

bobye/batchnorm_prune

Tensorflow codes for "Rethinking the Smaller-Norm-Less-Informative Assumption in Channel Pruning of Convolution Layers"

Language: Python - Size: 26.4 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 30 - Forks: 9

seoyoungh/lottery-ticket-hypothesis-for-text-classification

LSTM, NLP task에 대한 lt hypothesis의 범용성을 검증하는 연구입니다.

Language: Jupyter Notebook - Size: 562 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

statsml/compress-net-notes

Size: 6.84 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 20 - Forks: 6

Hulalazz/Embedded-Neural-Network Fork of zssloth/Embedded-Neural-Network

collection of works aiming at reducing model sizes or the ASIC/FPGA accelerator for machine learning

Size: 38.1 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Hulalazz/Network-Speed-and-Compression Fork of mrgloom/Network-Speed-and-Compression

Network acceleration methods

Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Related Keywords
network-pruning 47 pytorch 14 model-compression 11 deep-learning 10 pruning 7 filter-pruning 6 convolutional-neural-networks 6 efficient-deep-learning 5 channel-pruning 5 structured-pruning 5 lottery-ticket-hypothesis 3 keras 3 efficient-inference 3 tensorflow 3 resnet 3 network-compression 3 compression 2 zcls 2 vggnet 2 dynamic-pruning 2 hosvd 2 machine-learning 2 knowledge-distillation 2 variational-dropout 2 mobilenet 2 tensor-decomposition 2 tensorflow2 2 tinyml 2 depgraph 2 deep-neural-networks 2 tucker-decomposition 2 accelerated-network 2 neural-networks 1 prune 1 lenet-300-100 1 regularization 1 yolov5 1 pascal-voc 1 multitask 1 trainability 1 coco 1 model-architecture 1 lossy-image-compression 1 image-compression 1 autoencoders 1 admm 1 compression-algorithm 1 winning-ticket 1 pytorch-implementation 1 python 1 lottery 1 netwoek-compression 1 quantized-training 1 network-quantization 1 nlp 1 batch-normalization 1 vgg-basenet 1 ssd 1 resnet-basenet 1 refinedet 1 object-detection 1 mobilenet-basenet 1 depthwise-separable-convolutions 1 weight-pruning 1 unstructured-pruning 1 iterative-pruning 1 image-net 1 acceleration 1 deep-compression 1 sparsity 1 network-slimming 1 reinforcement-learning 1 dqn 1 atari 1 trainability-preserving-pruning 1 convolution 1 smooth-pruning 1 pruning-optimization 1 otov2 1 gate-decorator 1 dpm 1 structured-sparsity-learning 1 singular-value-decomposition 1 layer-pruning 1 neural-architecture-search 1 imagenet 1 distributed 1 soft-pruning 1 pruning-algorithms 1 lightweight-face-detection 1 bayesian-optimization 1 slimmable-networks 1 architecture-search 1 singularity 1 structural-pruning 1 cvpr2023 1 large-language-models 1 diffusion-models 1 iclr2019 1 transformer-architecture 1