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

GitHub topics: sparse-neural-networks

VITA-Group/SMC-Bench

[ICLR 2023] "Sparsity May Cry: Let Us Fail (Current) Sparse Neural Networks Together!" Shiwei Liu, Tianlong Chen, Zhenyu Zhang, Xuxi Chen, Tianjin Huang, AJAY KUMAR JAISWAL, Zhangyang Wang

Language: Python - Size: 34.4 MB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 28 - Forks: 2

BrosnanYuen/RayBNN_Neural

Neural Networks with Sparse Weights in Rust using GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI

Language: Rust - Size: 10.8 MB - Last synced at: 30 days ago - Pushed at: 12 months ago - Stars: 3 - Forks: 1

VITA-Group/Peek-a-Boo

[ICLR 2022] "Peek-a-Boo: What (More) is Disguised in a Randomly Weighted Neural Network, and How to Find It Efficiently", by Xiaohan Chen, Jason Zhang and Zhangyang Wang.

Language: Python - Size: 65.4 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 0

zitonghuangcynthia/Simultaneous-Weight-and-Architecture-Optimization

[NeurIPS 2024 FITML Workshop] This is the official code for the paper "Simultaneous Weight and Architecture Optimization for Neural Networks"

Language: Python - Size: 945 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

nanowell/Q-Sparse-LLM

My Implementation of Q-Sparse: All Large Language Models can be Fully Sparsely-Activated

Language: Python - Size: 31.3 KB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 31 - Forks: 2

IlanPrice/DCTpS

Code for testing DCT plus Sparse (DCTpS) networks

Language: Python - Size: 89.8 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 14 - Forks: 0

zahraatashgahi/Neuron-Attribution

[ECAI 2024] Unveiling the Power of Sparse Neural Networks for Feature Selection

Language: Python - Size: 594 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Efficient-Scalable-Machine-Learning/DeepRewire

Easily create and optimize PyTorch networks as in the Deep Rewiring paper (https://igi-web.tugraz.at/PDF/241.pdf). Install using 'pip install deep_rewire'

Language: Python - Size: 238 KB - Last synced at: 27 days ago - Pushed at: 11 months ago - Stars: 1 - Forks: 1

amikom-gace-research-group/characterize-pruning

Characterization study repository for pruning, a popular way to compress a DL model. this repo also investigates optimal sparse tensor layouts for pruned nets

Language: Python - Size: 64.5 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 1

BrosnanYuen/RayBNN_Sparse

Sparse Matrix Library for GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI

Language: Rust - Size: 104 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

Efficient-Scalable-Machine-Learning/EvNN

Event-based neural networks

Language: Python - Size: 6.52 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 20 - Forks: 4

neilkichler/robustness_set

Robustness of Sparse Multilayer Perceptrons for Supervised Feature Selection

Language: Python - Size: 41.8 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

VITA-Group/SFW-Once-for-All-Pruning

[ICLR 2022] "Learning Pruning-Friendly Networks via Frank-Wolfe: One-Shot, Any-Sparsity, and No Retraining" by Lu Miao*, Xiaolong Luo*, Tianlong Chen, Wuyang Chen, Dong Liu, Zhangyang Wang

Language: Python - Size: 313 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 29 - Forks: 1

mxmnburger/structure-of-lottery-tickets

Master's Thesis Project - Lottery Tickets contain independent subnetworks when trained on independent tasks.

Language: Jupyter Notebook - Size: 52.8 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ZIYU-DEEP/Generalization-and-Memorization-in-Sparse-Training

This is the repository for the SNN-22 Workshop paper on "Generalization and Memorization in Sparse Neural Networks".

Language: Python - Size: 6.08 MB - Last synced at: 4 days ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

zahraatashgahi/PALS

Adaptive Sparsity Level during Training for Efficient Time Series Forecasting with Transformers

Size: 712 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

dcmocanu/sparse-evolutionary-artificial-neural-networks

Always sparse. Never dense. But never say never. A Sparse Training repository for the Adaptive Sparse Connectivity concept and its algorithmic instantiation, i.e. Sparse Evolutionary Training, to boost Deep Learning scalability on various aspects (e.g. memory and computational time efficiency, representation and generalization power).

Language: Python - Size: 67 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 228 - Forks: 65

BICLab/RM-SNN

Offical implementation of "Sparser spiking activity can be better: Feature Refine-and-Mask spiking neural network for event-based visual recognition" (Neural Networks 2023)

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

DanielEftekhari/neural-network-pruning

Neural Network Sparsification via Pruning

Language: Python - Size: 837 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

zahraatashgahi/QuickSelection

[Machine Learning Journal (ECML-PKDD 2022 journal track)] Quick and Robust Feature Selection: the Strength of Energy-efficient Sparse Training for Autoencoders

Language: Python - Size: 262 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 4

lim142857/Sparsifiner

Official Codebase for CVPR2023 paper "Sparsifiner: Learning Sparse Instance-Dependent Attention for Efficient Vision Transformers"

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

MarwanNour/Sparse-Neural-Networks-GPU

GPU Computing course project

Language: Cuda - Size: 438 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

GhadaSokar/Dynamic-Sparse-Training-for-Deep-Reinforcement-Learning

[IJCAI 2022] "Dynamic Sparse Training for Deep Reinforcement Learning" by Ghada Sokar, Elena Mocanu , Decebal Constantin Mocanu, Mykola Pechenizkiy, and Peter Stone.

Language: Python - Size: 1.38 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 1

zahraatashgahi/NeuroFS

[TMLR] Supervised Feature Selection with Neuron Evolution in Sparse Neural Networks

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

zahraatashgahi/CTRE

[Machine Learning Journal (ECML-PKDD 2022 journal track)] A Brain-inspired Algorithm for Training Highly Sparse Neural Networks

Language: Python - Size: 56.6 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

GhadaSokar/SpaceNet

Implementation for the paper "SpaceNet: Make Free Space For Continual Learning" in PyTorch.

Language: Python - Size: 10.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 0

bcrafton/ssdfa

Github page for SSDFA

Language: Python - Size: 244 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 2

A-Klass/torch_topkast

PyTorch Implementation of TopKAST

Language: Python - Size: 6.27 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

guyez/Simple-Sparsely-Connected-NN

Simple C++ implementation of a sparsely connected multi-layer neural network using OpenMP and CUDA for parallelization.

Language: C++ - Size: 612 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

cambridge-mlg/arch_uncert

Code for "Variational Depth Search in ResNets" (https://arxiv.org/abs/2002.02797)

Language: Jupyter Notebook - Size: 5.92 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 5

elch10/SignalNeuroHackTasks Fork of INeedTractorPlz/SignalNeuroHackTasks

Implementation of artcile "The Lottery Ticket Hypothesis: Finding Sparse, Trainable Neural Networks"

Language: Jupyter Notebook - Size: 241 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

Related Keywords
sparse-neural-networks 31 deep-learning 14 sparse-training 8 sparsity 7 pruning 5 deep-neural-networks 5 cuda 4 feature-selection 4 sparse 3 machine-learning 3 neural-network 3 pytorch 3 spiking-neural-networks 2 autoencoder 2 neural-architecture-search 2 python 2 classification 2 efficiency 2 rust 2 raybnn 2 parallel 2 opencl 2 neural-networks 2 gpu 2 cpu 2 dynamic-sparse-training 2 attention-mechanism 2 brain-inspired 1 mlp 1 catastrophic-forgetting 1 continual-learning 1 incremental-learning 1 life-long-learning 1 sparse-representations 1 backpropagation 1 bio-plausible-algorithms 1 pytorch-implementation 1 keras 1 high-dimensional-data 1 reinforcement-learning 1 deep-reinforcement-learning 1 continuous-control-tasks 1 gpu-acceleration 1 vision-transformer 1 sparse-attention 1 low-rank 1 fast-inference 1 efficient-vision-transformers 1 efficient-transformers 1 dimensionality-reduction 1 denoising-autoencoders 1 lenet-300-100 1 conv-lenet-5 1 variational-inference 1 uncertainty 1 svhn 1 resnets 1 residual-networks 1 reproducible-research 1 reproducible-paper 1 network-depths 1 network-compression 1 mnist 1 learnt-depth 1 fashion-mnist 1 expectation-maximization 1 bayesian-neural-networks 1 bayesian-inference 1 bayesian-deep-learning 1 openmp-parallelization 1 openmp-optimization 1 openmp 1 cuda-programming 1 cuda-kernels 1 cpp 1 cplusplus 1 local-learning 1 hardware-acceleration 1 feedback-alignment 1 sparse-matrix 1 sparse-coding 1 parallel-programming 1 parallel-computing 1 gpu-computing 1 arrayfire 1 model-compression 1 edge-devices 1 characterization-study 1 deep-rewiring 1 neuron-attribution 1 feature-importance 1 ecai2024 1 ecai 1 neural-network-pruning 1 neural-network-compression 1 transformer 1 q-sparse 1 large-language-models 1 deeplearning 1 artificial-intelligence 1