Topic: "model-compression"
Hulalazz/A-_Guide_-to_Data_Sciecne_from_mathematics
It is a blueprint to data science from the mathematics to algorithms. It is not completed.
Language: HTML - Size: 27.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 47 - Forks: 18

htqin/BiBench
This project is the official implementation of our accepted ICML 2023 paper BiBench: Benchmarking and Analyzing Network Binarization.
Language: Python - Size: 110 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 41 - Forks: 3

mlzxy/qsparse
Train neural networks with joint quantization and pruning on both weights and activations using any pytorch modules
Language: Python - Size: 293 KB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 41 - Forks: 2

ZexinChen/FastPose
pytorch realtime multi person keypoint estimation
Language: Jupyter Notebook - Size: 7.68 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 39 - Forks: 10

thtang/DLCV2018SPRING
Deep Learning for Computer Vision (CommE 5052) in NTU
Language: Jupyter Notebook - Size: 511 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 38 - Forks: 12

Zhen-Dong/BitPack
BitPack is a practical tool to efficiently save ultra-low precision/mixed-precision quantized models.
Language: Python - Size: 163 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 37 - Forks: 8

asahi417/lm-vocab-trimmer
Vocabulary Trimming (VT) is a model compression technique, which reduces a multilingual LM vocabulary to a target language by deleting irrelevant tokens from its vocabulary. This repository contains a python-library vocabtrimmer, that remove irrelevant tokens from a multilingual LM vocabulary for the target language.
Language: Python - Size: 17.4 MB - Last synced at: 17 days ago - Pushed at: 6 months ago - Stars: 35 - Forks: 1

GATECH-EIC/DepthShrinker
[ICML 2022] "DepthShrinker: A New Compression Paradigm Towards Boosting Real-Hardware Efficiency of Compact Neural Networks", by Yonggan Fu, Haichuan Yang, Jiayi Yuan, Meng Li, Cheng Wan, Raghuraman Krishnamoorthi, Vikas Chandra, Yingyan Lin
Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 35 - Forks: 1

yashbhalgat/QualcommAI-MicroNet-submission-MixNet
3rd place solution for NeurIPS 2019 MicroNet challenge
Language: Python - Size: 9.72 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 35 - Forks: 6

twinkle0331/LGTM
[ACL 2023] Code for paper “Tailoring Instructions to Student’s Learning Levels Boosts Knowledge Distillation”(https://arxiv.org/abs/2305.09651)
Language: Python - Size: 536 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 32 - Forks: 2

cheneydon/efficient-bert
This repository contains the code for the paper in Findings of EMNLP 2021: "EfficientBERT: Progressively Searching Multilayer Perceptron via Warm-up Knowledge Distillation".
Language: Python - Size: 120 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 31 - Forks: 4

kssteven418/Q-ASR
[ICASSP'22] Integer-only Zero-shot Quantization for Efficient Speech Recognition
Language: Jupyter Notebook - Size: 41.9 MB - Last synced at: 21 days ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 2

StijnVerdenius/SNIP-it
This repository is the official implementation of the paper Pruning via Iterative Ranking of Sensitivity Statistics and implements novel pruning / compression algorithms for deep learning / neural networks. Amongst others it implements structured pruning before training, its actual parameter shrinking and unstructured before/during training.
Language: Python - Size: 1.87 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 28 - Forks: 4

esceptico/squeezer
Lightweight knowledge distillation pipeline
Language: Jupyter Notebook - Size: 116 KB - Last synced at: 5 days ago - Pushed at: over 3 years ago - Stars: 28 - Forks: 0

Shengcao-Cao/ESNAC
Learnable Embedding Space for Efficient Neural Architecture Compression
Language: Python - Size: 24.4 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 28 - Forks: 3

EmilianoGagliardiEmanueleGhelfi/CNN-compression-performance
A python script that automatise the training of a CNN, compress it through tensorflow (or ristretto) plugin, and compares the performance of the two networks
Language: Python - Size: 304 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 27 - Forks: 10

ciodar/deep-compression
PyTorch Lightning implementation of the paper Deep Compression: Compressing Deep Neural Networks with Pruning, Trained Quantization and Huffman Coding. This repository allows to reproduce the main findings of the paper on MNIST and Imagenette datasets.
Language: Jupyter Notebook - Size: 3.85 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 26 - Forks: 2

frankaging/Causal-Distill
The Codebase for Causal Distillation for Language Models (NAACL '22)
Language: Python - Size: 631 KB - Last synced at: 22 days ago - Pushed at: almost 3 years ago - Stars: 25 - Forks: 3

VITA-Group/PrAC-LTH
[ICML 2021] "Efficient Lottery Ticket Finding: Less Data is More" by Zhenyu Zhang*, Xuxi Chen*, Tianlong Chen*, Zhangyang Wang
Language: Python - Size: 562 KB - Last synced at: 8 days ago - Pushed at: over 3 years ago - Stars: 25 - Forks: 3

MingSun-Tse/Smile-Pruning
A generic code base for neural network pruning, especially for pruning at initialization.
Language: Python - Size: 24 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 1

MingSun-Tse/Good-DA-in-KD
[NeurIPS'22] What Makes a "Good" Data Augmentation in Knowledge Distillation -- A Statistical Perspective
Language: Python - Size: 5.65 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 1

gershonc/octopus-ml
A collection of handy ML and data visualization and validation tools. Go ahead and train, evaluate and validate your ML models and data with minimal effort.
Language: Jupyter Notebook - Size: 21.4 MB - Last synced at: 14 days ago - Pushed at: about 2 years ago - Stars: 22 - Forks: 5

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

SKKU-ESLAB/Auto-Compression
Automatic DNN compression tool with various model compression and neural architecture search techniques
Language: C - Size: 106 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 21 - Forks: 18

Model-Compression/Lossless_Compression
We propose a lossless compression algorithm based on the NTK matrix for DNN. The compressed network yields asymptotically the same NTK as the original (dense and unquantized) network, with its weights and activations taking values only in {0, 1, -1} up to scaling.
Language: Python - Size: 71.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 21 - Forks: 2

Z7zuqer/model-compression-and-acceleration-4-DNN
model-compression-and-acceleration-4-DNN
Size: 67.7 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 4

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

HuangCongQing/model-compression-optimization
model compression and optimization for deployment for Pytorch, including knowledge distillation, quantization and pruning.(知识蒸馏,量化,剪枝)
Language: Python - Size: 20 MB - Last synced at: 28 days ago - Pushed at: 8 months ago - Stars: 18 - Forks: 2

Lee-Gihun/MicroNet_OSI-AI
(NeurIPS-2019 MicroNet Challenge - 3rd Winner) Open source code for "SIPA: A simple framework for efficient networks"
Language: Python - Size: 14.8 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 6

Eclipsess/CHIP_NeurIPS2021
Code for CHIP: CHannel Independence-based Pruning for Compact Neural Networks (NeruIPS 2021).
Language: Python - Size: 94.9 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 5

gaosh/Structured-Bayesian-Pruning-pytorch
pytorch implementation of Structured Bayesian Pruning
Language: Python - Size: 27.3 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 18 - Forks: 4

xuyang-liu16/GlobalCom2
Global Compression Commander: Plug-and-Play Inference Acceleration for High-Resolution Large Vision-Language Models
Language: Python - Size: 5.98 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 17 - Forks: 0

bupt-ai-club/awesomeProject
分享高质量的AI项目
Language: Python - Size: 129 MB - Last synced at: 4 days ago - Pushed at: 11 months ago - Stars: 17 - Forks: 5

linkedin/QuantEase
QuantEase, a layer-wise quantization framework, frames the problem as discrete-structured non-convex optimization. Our work leverages Coordinate Descent techniques, offering high-quality solutions without the need for matrix inversion or decomposition.
Language: Python - Size: 209 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 17 - Forks: 1

fangvv/CPSCA
Code for paper "Channel Pruning Guided by Spatial and Channel Attention for DNNs in Intelligent Edge Computing"
Language: Python - Size: 19.5 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 17 - Forks: 4

bhavanajain/research-paper-summaries
A directory with some interesting research paper summaries in the field of Deep Learning
Size: 1.85 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 17 - Forks: 0

signalogic/SigDL
Deep Learning Compression and Acceleration SDK -- deep model compression for Edge and IoT embedded systems, and deep model acceleration for clouds and private servers
Size: 14.9 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 17 - Forks: 10

nbasyl/OFQ
The official implementation of the ICML 2023 paper OFQ-ViT
Language: Python - Size: 640 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 0

vineeths96/Compressed-Transformers
In this repository, we explore model compression for transformer architectures via quantization. We specifically explore quantization aware training of the linear layers and demonstrate the performance for 8 bits, 4 bits, 2 bits and 1 bit (binary) quantization.
Language: Python - Size: 1.01 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 16 - Forks: 3

iamhankai/Full-Stack-Filters
Pytorch code for paper: Full-Stack Filters to Build Minimum Viable CNNs
Language: Python - Size: 3.23 MB - Last synced at: 22 days ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 6

cantbebetter2/Awesome-Diffusion-Distillation
A list of papers, docs, codes about diffusion distillation.This repo collects various distillation methods for the Diffusion model. Welcome to PR the works (papers, repositories) missed by the repo.
Size: 1000 Bytes - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 1

MingSun-Tse/SRP
[ICLR'22] PyTorch code for our paper "Learning Efficient Image Super-Resolution Networks via Structure-Regularized Pruning"
Language: Python - Size: 7.02 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 15 - Forks: 1

cliang1453/super-structured-lottery-tickets
Super Tickets in Pre-Trained Language Models: From Model Compression to Improving Generalization (ACL 2021)
Language: Python - Size: 683 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 14 - Forks: 1

Kennethborup/knowledgeDistillation
PyTorch implementation of (Hinton) Knowledge Distillation and a base class for simple implementation of other distillation methods.
Language: Python - Size: 424 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 6

elliothe/Ternarized_Neural_Network
Optimizing Deep Convolutional Neural Network with Ternarized Weights and High Accuracy
Language: Python - Size: 66.4 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 14 - Forks: 8

llyx97/Rosita
[AAAI 2021] "ROSITA: Refined BERT cOmpreSsion with InTegrAted techniques", Yuanxin Liu, Zheng Lin, Fengcheng Yuan
Language: Python - Size: 3.41 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 2

hikvision-research/SlimDA
An official implementation of CVPR 2022 paper "Slimmable Domain Adaptation".
Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 2

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

MingSun-Tse/Caffe_IncReg
[IJCNN'19, IEEE JSTSP'19] Caffe code for our paper "Structured Pruning for Efficient ConvNets via Incremental Regularization"; [BMVC'18] "Structured Probabilistic Pruning for Convolutional Neural Network Acceleration"
Language: Makefile - Size: 19.2 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 13 - Forks: 5

snu-mllab/Efficient-CNN-Depth-Compression
Official PyTorch implementation of "Efficient Latency-Aware CNN Depth Compression via Two-Stage Dynamic Programming" (ICML'23)
Language: Python - Size: 854 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 12 - Forks: 0

ismail31416/LumiNet
The official implementation of LumiNet: The Bright Side of Perceptual Knowledge Distillation https://arxiv.org/abs/2310.03669
Language: Jupyter Notebook - Size: 14.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 1

diaoenmao/Pruning-Deep-Neural-Networks-from-a-Sparsity-Perspective
[ICLR 2023] Pruning Deep Neural Networks from a Sparsity Perspective
Language: Python - Size: 32.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 0

MingSun-Tse/Awesome-Efficient-ViT
Recent Advances on Efficient Vision Transformers
Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 0

nitarshan/neural-network-pruning-and-sparsification
TensorFlow implementation of weight and unit pruning and sparsification
Language: Jupyter Notebook - Size: 120 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 2

cs-chan/Fuzzy-Compression
Caffe/Neon prototxt training file for our Neurocomputing2017 work: Fuzzy Quantitative Deep Compression Network
Language: Python - Size: 22.3 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 11 - Forks: 1

changwoolee/BLAST
[NeurIPS 2024] BLAST: Block Level Adaptive Structured Matrix for Efficient Deep Neural Network Inference
Language: Python - Size: 1.43 MB - Last synced at: 16 days ago - Pushed at: 6 months ago - Stars: 10 - Forks: 0

jongwooko/NASH-Pruning-Official
About Code for the paper "NASH: A Simple Unified Framework of Structured Pruning for Accelerating Encoder-Decoder Language Models" (EMNLP 2023 Findings)
Language: Python - Size: 114 KB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 0

cliang1453/task-aware-distillation
Less is More: Task-aware Layer-wise Distillation for Language Model Compression (ICML2023)
Language: Python - Size: 42 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 0

TCLResearchEurope/ptdeco
ptdeco is a library for model optimization by matrix decomposition built on top of PyTorch
Language: Python - Size: 323 KB - Last synced at: 10 days ago - Pushed at: 5 months ago - Stars: 9 - Forks: 1

BerivanIsik/SuRP
Implementation of the SuRP algorithm by the authors of the AISTATS 2022 paper "An Information-Theoretic Justification for Model Pruning".
Language: Python - Size: 48.8 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 0

densechen/eve-mli
eve-mli: making learning interesting
Language: Python - Size: 13.8 MB - Last synced at: 16 days ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 0

HKUDS/LightGNN
[WSDM'25] "LightGNN: Simple Graph Neural Network for Recommendation"
Language: Python - Size: 20.9 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 8 - Forks: 2

OpenNLG/OpenBA-v2
OpenBA-V2: 3B LLM (Large Language Model) with T5 architecture, utilizing model pruning technique and continuing pretraining from OpenBA-15B.
Language: Python - Size: 15 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 8 - Forks: 0

da2so/DA2Lite
DA2Lite is an automated model compression toolkit for PyTorch.
Language: Python - Size: 1.95 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 6

bupt-ai-cz/BreastCancerCNN Fork of WendyDong/BreastCancerCNN
https://teacher.bupt.edu.cn/zhuchuang/en/index.htm
Language: Jupyter Notebook - Size: 2.32 MB - Last synced at: 9 months ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 1

digital-nomad-cheng/MTCNN_PyTorch
Language: Python - Size: 5.29 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 2

vinsis/ternary-quantization
Training models with ternary quantized weights using PyTorch
Language: Python - Size: 300 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 8 - Forks: 3

yashkim77/Neural_Network_Pruning_Sparsification
TensorFlow implementation of weight and unit pruning and sparsification
Language: Jupyter Notebook - Size: 67.3 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 8 - Forks: 0

mcognetta/LotteryTickets.jl
Sparsify Your Flux Models
Language: Julia - Size: 627 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

henryzhongsc/lottery_regulated_grouped_kernel_pruning
Official implementation for Zhong et al., Revisit Kernel Pruning with Lottery Regulated Grouped Convolutions. ICLR 2022
Language: Jupyter Notebook - Size: 46.9 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 0

mohaimenz/pruning-vs-xnor
Official repository for the research article "Pruning vs XNOR-Net: A ComprehensiveStudy on Deep Learning for AudioClassification in Microcontrollers"
Language: Python - Size: 7.52 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

ysbsb/model-compression-and-automl
A curated list of recent model compression and auto ml papers. (NIPS/ICML/CVPR)
Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 0

minseok0809/awesome-ai-paper
A curated list of awesome NLP, Computer Vision, Model Compression, XAI, Reinforcement Learning, Security, etc Paper
Language: Jupyter Notebook - Size: 38.3 MB - Last synced at: 8 days ago - Pushed at: 17 days ago - Stars: 6 - Forks: 0

surajiitd/NVIDIA_Jetson_Inference
This repo contains model compression(using TensorRT) and documentation of running various deep learning models on NVIDIA Jetson Orin, Nano (aarch64 architectures)
Language: Makefile - Size: 1.39 GB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 6 - Forks: 2

DoctorKey/Practise
[CVPR2023] Practical Network Acceleration with Tiny Sets
Language: Python - Size: 4.19 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 3

htqin/BiFSMNv2
Pytorch implementation of BiFSMNv2, TNNLS 2023
Language: Python - Size: 140 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 3

CAS-CLab/Label-free-Network-Compression
Caffe implementation of "Learning Compression from Limited Unlabeled Data" (ECCV2018).
Language: Python - Size: 63.5 KB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 2

Stonesjtu/basis-embedding
basis embedding: a product quantization based model compression method for language models.
Language: Python - Size: 45.7 MB - Last synced at: 17 days ago - Pushed at: 6 months ago - Stars: 5 - Forks: 0

Berry-Wu/Knowledge_Distillation
知识蒸馏小demo
Language: Python - Size: 30 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

wanglouis49/pytorch-rnn_pruning
Pruning RNNs (University of Waterloo CS898 Deep Learning Spring 2017 Course Project)
Language: Python - Size: 470 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 2

merantix-momentum/acip
🗜️Codebase of the ACIP algorithm 🗜️
Language: Python - Size: 232 KB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 4 - Forks: 0

IPL-sharif/KD_Survey
A Comprehensive Survey on Knowledge Distillation
Size: 877 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 4 - Forks: 0

m-pektas/BFAS
Brute Force Architecture Search
Language: Python - Size: 193 KB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

cheneydon/hrkd
This repository contains the code for the paper in EMNLP 2021: "HRKD: Hierarchical Relational Knowledge Distillation for Cross-domain Language Model Compression".
Language: Python - Size: 37.1 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 2

LABouteille/torchprune
Deep learning compression framework in Pytorch [WIP]
Language: Python - Size: 313 KB - Last synced at: 16 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

kar-m/hand-segmentation
This repository is created for on-device real time hand segmentation in video footage.
Language: Jupyter Notebook - Size: 17.9 MB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

AIoT-MLSys-Lab/MSUNet
[NeurIPS 2019 Google MicroNet Challenge] MSUNet is an efficient model that won the 4th place in the Google MicroNet Challenge CIFAR-100 Track hosted at NeurIPS 2019 designed by Yu Zheng, Shen Yan, Mi Zhang
Language: Python - Size: 24.8 MB - Last synced at: 12 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 3

yashbhalgat/QualcommAI-MicroNet-submission-EfficientNet
Submission name: QualcommAI-EfficientNet. MicroNet Challenge (NeurIPS 2019) submission - Qualcomm AI Research
Language: Python - Size: 14.6 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 4

Shuai-Xie/BiSeNet-Compression
10 variants of original BiSeNet with performance comparison, the faster, the better.
Language: Python - Size: 106 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 0

frickyinn/BiDense
PyTorch implementation of "BiDense: Binarization for Dense Prediction," A binary neural network for dense prediction tasks.
Language: Python - Size: 1.21 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

ksm26/Quantization-in-Depth
Dive into advanced quantization techniques. Learn to implement and customize linear quantization functions, measure quantization error, and compress model weights using PyTorch for efficient and accessible AI models.
Language: Jupyter Notebook - Size: 5.79 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 3 - Forks: 5

mohd-faizy/Hyperparameter-Tuning-with-Microsoft-Network-Intelligence-Toolkit-NNI
Hyperparameter Tuning with Microsoft NNI to automated machine learning (AutoML) experiments. The tool dispatches and runs trial jobs generated by tuning algorithms to search the best neural architecture and/or hyper-parameters in different environments like local machine, remote servers and cloud.
Language: Python - Size: 3.02 MB - Last synced at: 19 days ago - Pushed at: 11 months ago - Stars: 3 - Forks: 1

Berry-Wu/Pruning
模型剪枝小demo
Language: Python - Size: 361 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

Little-Podi/SlimTrack
The PyTorch implementation of my graduation project (awarded as Outstanding Graduation Thesis).
Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

lucinezhang/Deep-Slope-Estimation
MSCV 2019 Capstone Project
Language: Python - Size: 21.1 MB - Last synced at: 12 months ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 1

dhingratul/Model-Compression
Reduce the model complexity by 612 times, and memory footprint by 19.5 times compared to base model, while achieving worst case accuracy threshold.
Language: Jupyter Notebook - Size: 11 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 2

ardaerendogru/dinov2_distillation
This project implements knowledge distillation from DINOv2 (Vision Transformer) to convolutional networks, enabling efficient visual representation learning with reduced computational requirements.
Language: Python - Size: 85.9 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 2 - Forks: 0

eezkni/SVRF
[TIP-2025] Pytorch implementation of "Shell-guided Compression of Voxel Radiance Fields"
Language: Python - Size: 3.91 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

bhllx/On-Efficient-Variants-of-Segment-Anything-Model
On Efficient Variants of Segment Anything Model
Size: 18.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

zeyneddinoz/subMFL
subMFL: Compatible subModel Generation for Federated Learning in Device Heterogeneous Environment
Language: Jupyter Notebook - Size: 125 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 1
