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

GitHub topics: neuromorphic-computing

TheBrainLab/Awesome-Spiking-Neural-Networks

A paper list of spiking neural networks, including papers, codes, and related websites. 本仓库收集脉冲神经网络相关的顶会顶刊以及CNS论文和代码,正在持续更新中。

Size: 213 KB - Last synced at: about 19 hours ago - Pushed at: 2 days ago - Stars: 620 - Forks: 63

saltaher/challenge-tracker

🌟 Track your personal challenges and boost your consistency with this simple web app designed for effective Frontend Development learning.

Language: JavaScript - Size: 1.37 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

lartpang/TopicSpecificPaper-DailyArxiv Fork of SpikingChen/SNN-Daily-Arxiv

Update arXiv daily papers about the specific topics like Spiking Neural Networks...

Language: HTML - Size: 251 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 5 - Forks: 0

neucom-aps/axon-sdk

Axon SDK is a python simulation toolkit for building and executing spiking neural networks

Language: Python - Size: 3.38 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 11 - Forks: 2

Heterotic-Research/Quromorphic.jl

Quromorphic.jl is a Julia library designed for prototyping quantum-neuromorphic models to advance research in the quantum theory of neural computation.

Language: Julia - Size: 536 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 4 - Forks: 1

AXYZdong/reservoir-computing-arxiv-daily Fork of Vincentqyw/cv-arxiv-daily

🎓Automatically Update Reservoir Computing Papers Daily using Github Actions

Language: Python - Size: 28 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

666DZY666/micronet

micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape

Language: Python - Size: 6.68 MB - Last synced at: 6 days ago - Pushed at: 6 months ago - Stars: 2,262 - Forks: 478

KirillHit/twl_spike_yolo

TWL Spike Yolo is a spiking neural network (SNN) for object detection with event-based cameras

Language: Python - Size: 4.3 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

AXYZdong/awesome-snn-conference-paper

🔥 This repository compiles research papers (from top-tier conferences and journals) and code implementations in the field of Spiking Neural Networks (SNNs). 本仓库收集了脉冲神经网络领域的顶会顶刊论文和代码,正在持续更新中。

Language: HTML - Size: 104 KB - Last synced at: about 18 hours ago - Pushed at: 19 days ago - Stars: 391 - Forks: 26

htm-community/htm.core Fork of numenta/nupic.core-legacy

Actively developed Hierarchical Temporal Memory (HTM) community fork (continuation) of NuPIC. Implementation for C++ and Python

Language: C++ - Size: 294 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 164 - Forks: 78

open-neuromorphic/open-neuromorphic

A list of neuromorphic software projects

Size: 6.88 MB - Last synced at: 10 days ago - Pushed at: 4 months ago - Stars: 261 - Forks: 35

sandialabs/Fugu

Language: Python - Size: 185 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 30 - Forks: 4

jiaxiaogang/HELIX_THEORY

螺旋熵减理论

Language: Objective-C - Size: 90.6 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 140 - Forks: 36

bringhurst/snnd

Spiking Neural Network Daemon

Language: Zig - Size: 285 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0

sbeierle/cortical_ned

Neuro-Ensemble Distillation (NED) — A cross-domain framework for stabilizing cultured-neuron computing using Cortical Labs platforms (CL1, DishBrain). Includes paper, simulations, and supplementary code (Python/JSON IR).

Language: Python - Size: 2.26 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

lava-nc/lava-dl

Deep Learning library for Lava

Language: Jupyter Notebook - Size: 117 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 166 - Forks: 77

thomast8/Memristor-Models

Python implementations and simulations of HP Labs Ion Drift and Yakopcic memristor models.

Language: Jupyter Notebook - Size: 28.2 MB - Last synced at: 9 days ago - Pushed at: over 2 years ago - Stars: 32 - Forks: 2

neuroptimiser/neuroptimiser

NeurOptimiser is a neuromorphic optimisation framework in which metaheuristic search emerges from asynchronous spiking dynamics.

Language: Python - Size: 22.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 1

PGI15/snnax

Spiking neural networks in JAX with equinox.

Language: Python - Size: 4.28 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 27 - Forks: 8

HuuYuLong/Complementary-LIF

Offical Implementation of "CLIF: Complementary Leaky Integrate-and-Fire Neuron for Spiking Neural Networks" (ICML 2024 spotlight)

Language: Python - Size: 493 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 25 - Forks: 1

lava-nc/lava

A Software Framework for Neuromorphic Computing

Language: Jupyter Notebook - Size: 30.4 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 644 - Forks: 163

AdamDHines/LENS

Code for LENS, fully neuromorphic place recognition integrating sensors, hardware, and algorithms for robotic localization.

Language: Python - Size: 12 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 17 - Forks: 4

kangh1/rhythmic_sharing

Glial-inspired ANN algorithm for unsupervised classification and zero-shot forecasting of nonstationary dynamics with oscillating links. Based on dynamical systems and simplicial homotopy theory. Preprint of the manuscript available in the URL.

Language: Jupyter Notebook - Size: 1.13 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 4 - Forks: 2

BICLab/SpikeYOLO

Offical implementation of "Integer-Valued Training and Spike-Driven Inference Spiking Neural Network for High-performance and Energy-efficient Object Detection" (ECCV2024 Best Paper Candidate)

Language: Python - Size: 8.64 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 192 - Forks: 15

zyxuaan/BIAI-Daily-Arxiv Fork of dong-zehao/ArxivSummaryDaily

An automated pipeline to fetch, summarize, and publish daily arXiv papers on Brain-Inspired AI.

Language: Python - Size: 1.04 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 1 - Forks: 0

Qubit-xyz/Qubit.z3

Bridging Ai with blockchain interaction. Utilizing Deepseek-VL2 and RIG vectors built on Solana.

Language: Python - Size: 281 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 5 - Forks: 3

lava-nc/lava-optimization

Neuromorphic mathematical optimization with Lava

Language: Jupyter Notebook - Size: 7.68 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 59 - Forks: 27

nesarashree/snn-image-classification

Basic applications of SNN computer vision (snnTorch).

Language: Jupyter Notebook - Size: 837 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

ajayarunachalam/pynmsnn

NeuroMorphic Predictive Model with Spiking Neural Networks (SNN) using Pytorch

Language: Jupyter Notebook - Size: 1.65 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 32 - Forks: 7

danielathome19/pyorganoid

A Python package for the simulation of organoids for the purpose of studying Organoid Intelligence (OI) and Organoid Learning (OL).

Language: Python - Size: 7.44 MB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

lava-nc/lava-docs

Documentation source for Lava

Language: Python - Size: 3.86 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 13

lava-nc/lava-dnf

Dynamic Neural Fields with Lava

Language: Jupyter Notebook - Size: 12.4 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 46 - Forks: 18

duguyue100/pyaer

Low-level Python APIs for Accessing Neuromorphic Devices.

Language: Python - Size: 737 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 4

galihru/NeuromorphicRecognitionComputing

Implements a biologically-inspired SNN architecture for real-time processing.

Language: Python - Size: 15.8 MB - Last synced at: 14 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

open-neuromorphic/.github

Size: 13.7 KB - Last synced at: 10 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

pookaPlay/ohm

Ordered Hypothesis Machines

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

metr0jw/Spiking-Neural-Network-on-FPGA

Leaky Integrate and Fire (LIF) model implementation for FPGA

Language: Verilog - Size: 157 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 71 - Forks: 6

Dengyu-Wu/snncutoff

SNN Cutoff Evaluation.

Language: Python - Size: 37.7 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 16 - Forks: 0

theomgdev/EMNS

Evolvable Modular Neural Systems (EMNS): Revolutionary neural architecture using resistance-governed parameter evolution instead of gradient descent. Features self-organizing modularity, biological plausibility, and continual learning without catastrophic forgetting. Including complete working implementation.

Language: Python - Size: 200 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

KostasAndroulidakis/spike-x

R&D platform for Spiking Neural Networks and Neuromorphic Computing

Language: TypeScript - Size: 1.81 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

jiaxiaogang/HE

螺旋熵减系统

Language: Objective-C - Size: 225 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 326 - Forks: 49

cplab/sapicore

A PyTorch-based framework for neuromorphic modeling.

Language: Python - Size: 5.41 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 4 - Forks: 2

juliancervos/stdp-nmnist

Repository for the master thesis titled "Local Unsupervised Learning of Multimodal Event-Based Data with Spiking Neural Networks", by Julian Lopez Gordillo (MSc in Artificial Intelligence, 2019-2021).

Language: Python - Size: 145 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 23 - Forks: 5

Nicola97/Spiking-Implementation-of-the-Recurrent-Forward-Forward-Algorithm

An implementation of Recurrent Forward-Forward from Hinton's paper, later ported to the spike domain using SnnTorch.

Language: Python - Size: 3.2 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

chakravarthi589/Event-based-Vision_Resources

Resources Related to Event-based Vision | Event Cameras | DVS

Size: 28.3 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 195 - Forks: 25

mikeroyal/Neuromorphic-Computing-Guide

Learn about the Neumorphic engineering process of creating large-scale integration (VLSI) systems containing electronic analog circuits to mimic neuro-biological architectures.

Language: Python - Size: 926 KB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 456 - Forks: 63

dylanperdigao/LIF-Neuron-Alternatives

Source code of the paper entitled "Spiking Alternatives for the Leaky Integrate-and-Fire Neuron: Applications in Cybersecurity and Financial Threats", and presented at IbPRIA 2025, the 12th Iberian Conference on Pattern Recognition and Image Analysis.

Language: Jupyter Notebook - Size: 24.6 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

BICLab/Spike-Driven-Transformer-V3

Offical implementation of "Scaling Spike-driven Transformer with Efficient Spike Firing Approximation Training" (IEEE T-PAMI2025)

Language: Python - Size: 6.18 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 65 - Forks: 7

paul92150/photonic-reservoir

Photonic-inspired reservoir computing for signal classification

Language: Python - Size: 4.39 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

NneurotransmitterR/TM-OTTA-SNN

Demo code of the paper "Threshold Modulation for Online Test-time Adaptation of Spiking Neural Networks" (IJCNN '25).

Language: Python - Size: 260 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

KIT-Neuromorphic-Computing/ADAPT-pNC

ADAPT-pNC: A robustness-aware framework for printed neuromorphic circuits. This project integrates second-order learnable filters, data augmentation, and variation-aware training to enhance temporal data processing in IoT applications.

Language: Python - Size: 239 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

prophesee-ai/openeb

Open source SDK to create applications leveraging event-based vision hardware equipment

Language: C++ - Size: 105 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 191 - Forks: 50

ZhangHanN1/SGLFormer

Spiking Global-Local Fusion Transformer

Language: Python - Size: 246 KB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 17 - Forks: 1

BICLab/Spike-Driven-Transformer

Offical implementation of "Spike-driven Transformer" (NeurIPS2023)

Language: Python - Size: 2.7 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 249 - Forks: 23

johnberroa/Duel-of-the-Numbers

A mixing of neuromorphic and quantum computing for the Comparative Machine Learning class

Language: Python - Size: 29.3 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 4

Windere/ASGL-SNN

Offical implementation of "Adaptive Smoothing Gradient Learning for Spiking Neural Networks", ICML 2023

Language: Python - Size: 143 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 22 - Forks: 1

dylanperdigao/Bayesian-Optimization-1D-CSNN

Source code of the paper entitled "Improving Fraud Detection with 1D-Convolutional Spiking Neural Networks through Bayesian Optimization", and presented at EPIA 2024, the 23rd International Conference on Artificial Intelligence.

Language: Jupyter Notebook - Size: 22.3 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

BICLab/Spike-Driven-Transformer-V2

Offical implementation of "Spike-driven Transformer V2: Meta Spiking Neural Network Architecture Inspiring the Design of Next-generation Neuromorphic Chips" (ICLR2024)

Language: Python - Size: 4.86 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 174 - Forks: 22

electronicvisions/norse

Deep learning for spiking neural networks

Language: Python - Size: 8.83 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 69 - Forks: 9

sandialabs/Whetstone

Language: Python - Size: 272 KB - Last synced at: 6 months ago - Pushed at: about 7 years ago - Stars: 49 - Forks: 15

haoxiangsnr/spiking-fullsubnet

Official repository of Spiking-FullSubNet, the Intel N-DNS Challenge Algorithmic Track Winner.

Language: Python - Size: 154 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 90 - Forks: 15

cepdnaclk/e16-4yp-neuromorphic-architecture

Neuromorphic architectures are hardware architectures that use the biologically inspired neural functions as the basis of operation. Information processing based on spiking neuron architectures have caught considerable attention in recent years due to its low power consumption compared to traditional artificial neural networks. In this project, as the first stage, we are implementing parallel multiple processing elements based on RISC-V architecture to represent biological neurons. Single neurons can be implemented as a single processor with local memory access or since the spike time of biological neurons is in the millisecond order multiple neurons can be virtualized to a single processor. At the second stage of the process, we are expecting to design encoders and decoders to benchmark the architecture by solving classical machine learning problems.

Language: VHDL - Size: 1.25 GB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 4

IGITUGraz/LSNN-official

Long short-term memory Spiking Neural Networks

Language: Python - Size: 185 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 102 - Forks: 24

shieldforever/NeuronQuant

[ASP-DAC 2025] "NeuronQuant: Accurate and Efficient Post-Training Quantization for Spiking Neural Networks" Official Implementation

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

narduzzi/AMLD2025-SpikingTutorial

AMLD25 - Tutorial on Neuromorphic Computing

Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

IGITUGraz/SE-adlif

Code for "Advancing Spatio-Temporal Processing in Spiking Neural Networks through Adaptation"

Language: Python - Size: 91.6 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 5 - Forks: 4

alexanderleonidas/federated-neuromophic

This is a project that will explore the use of neuromorphic learning for privacy aware federated systems

Language: Jupyter Notebook - Size: 4.62 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

BrosnanYuen/tt07-Neuromorphic-ASIC-with-96-Neurons

Neuromorphic ASIC with 96 neurons on Tiny Tapeout 7

Language: Verilog - Size: 8.1 MB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 0

JeremieMelo/ADEPT

Automatic differentiable design of photonic tensor cores

Language: Python - Size: 2.65 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 2

zhouchenlin2096/QKFormer

Offical code of "QKFormer: Hierarchical Spiking Transformer using Q-K Attention" (NeurIPS 2024,Spotlight 3%)

Language: Python - Size: 1.85 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 85 - Forks: 2

danielathome19/Pianoid-EEG-NN

A Bidirectional LSTM Network and EEG-Response Organoid for simulating neural responses to classical piano music.

Language: Python - Size: 4.11 GB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

jamielohoff/synaptax

The only true e-prop implementation.

Language: Python - Size: 929 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 4 - Forks: 1

zhouchenlin2096/Spikingformer

Spikingformer: Spike-driven Residual Learning for Transformer-based Spiking Neural Network

Language: Python - Size: 593 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 81 - Forks: 5

shilpakancharla/event-based-velocity-prediction-snn

Neuromorphic computing uses very-large-scale integration (VLSI) systems with the goal of replicating neurobiological structures and signal conductance mechanisms. Neuromorphic processors can run spiking neural networks (SNNs) that mimic how biological neurons function, particularly by emulating the emission of electrical spikes. A key benefit of using SNNs and neuromorphic technology is the ability to optimize the size, weight, and power consumed in a system. SNNs can be trained and employed in various robotic and computer vision applications; we attempt to use event-based to create a novel approach in order to the predict velocity of objects moving in frame. Data generated in this work is recorded and simulated as event camera data using ESIM. Vicon motion tracking data provides the ground truth position and time values, from which the velocity is calculated. The SNNs developed in this work regress the velocity vector, consisting of the x, y, and z-components, while using the event data, or the list of events associated with each velocity measurement, as the input features. With the use of the novel dataset created, three SNN models were trained and then the model that minimized the loss function the most was further validated by omitting a subset of data used in the original training. The average loss, in terms of RMSE, on the test set after using the trained model on the omitted subset of data was 0.000386. Through this work, it is shown that it is possible to train an SNN on event data in order to predict the velocity of an object in view. (Spring 2022 MS Computer Science Thesis - North Carolina State University)

Language: Jupyter Notebook - Size: 2.64 MB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 12 - Forks: 0

thennen/StochasticSynapses.jl

Fast model for large arrays of solid-state stochastic synapses

Language: Julia - Size: 9.09 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

keskival/sleeping_machines

A manifesto for temporal computing where memory indexing is replaced by temporal delays and referencing.

Size: 843 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

MarcosOriolPago/LAVA_SNN_ripples

End to end implementation of Spiking Neural Network for the detection of Neural Signals.

Language: HTML - Size: 80.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

SpiNNakerManchester/SpiNNCer

Bio-inspired neuromorphic cerebellum

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

pabogdan/neurogenesis

This repository contains my current doctoral research at the University of Manchester

Language: Python - Size: 227 MB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 2

ankushgpta2/Vision2DeepManifold

Pipeline Consisting of LSTM + Variational and Transformer Based Autoencoders + PCA/UMAP (Parameterized and Non-Parameterized) For Generating Low-Dim Manifold Representation of V1 Neural Activity

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

etherealcomputing/Converge

A human-AI developed programming language for Neuromorphic Engineering

Size: 34.2 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 1

bollossom/GAC

Offical implementation of "Gated Attention Coding for Training High-performance and Efficient Spiking Neural Networks" (AAAI2024)

Language: Python - Size: 1.53 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 82 - Forks: 2

m4urin/quantized-liquid-state-machines

A Liquid State Machine using quantized neurons that are operating on lower-bit representations and fixed point computations. It provides a next step towards the implementation of efficient accelerators that can be used in the field of neuromorphic computing.

Language: Jupyter Notebook - Size: 3.37 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 1

dynexcoin/Dynex

Dynex is the world’s only accessible neuromorphic quantum computing cloud for solving real-world problems, at scale.

Language: C++ - Size: 66.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 128 - Forks: 44

ssgier/morphine

A software-based neuromorphic computing engine

Language: Rust - Size: 206 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

newwhitecheng/ECE590-02

Language: Python - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Geekdude/aurora-ack

Language: VHDL - Size: 768 KB - Last synced at: 7 months ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

helq/doryta

Neuromorphic event-driven simulator in C and MPI (successor of NeMo https://github.com/markplagge/NeMo)

Language: C - Size: 633 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

zhouchenlin2096/Spikingformer-CML

Enhancing the Performance of Transformer-based Spiking Neural Networks by SNN-optimized Downsampling with Precise Gradient Backpropagation

Language: Python - Size: 1.11 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 30 - Forks: 2

AndrzejKucik/SNN4Space

ANN to SNN conversion on land cover and land use classification problem for increased energy efficiency.

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

Mike-Morin/MAGI

Public tools, devices, and data for the characterization and development of neuromorphic computing hardware.

Language: KiCad Layout - Size: 5.53 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

AlessandroPierro/automl-lava-tutorial

Tutorial on neuromorphic computing with Lava, hosted at the AutoML Fall School 2023

Language: Jupyter Notebook - Size: 4.79 MB - Last synced at: 8 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Liamdev631/neuromorphic-pancreas

Repository for the paper "Spiking Neural Networks for Low-Energy Glucose Monitoring"

Language: Jupyter Notebook - Size: 3.63 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

wngfra/tac3d

Tactile Exploration and Perception for Robots with Neuromorphic Computing

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

intel-nrc-ecosystem/models 📦

This repository will host models, modules, algorithms and applications developed by the INRC Community to run on the Intel Loihi Platform.

Language: Jupyter Notebook - Size: 33.6 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 69 - Forks: 26

michaelgzt/loihi-control-loop-demo

A demo for robotic control loop with Intel's Loihi neuromorphic chip used in our papers

Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

combra-lab/spiking-ddpg-mapless-navigation

Spiking-DDPG trains an SNN for energy-efficient mapless navigation on Intel's Loihi neuromorphic processor.

Language: Python - Size: 12.3 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 53 - Forks: 10

ubsuny/Josephson_Junction_Neuromorphic-Raspi4-

A repository for the project of creating a simple neural network by the use of coupled Josephson junctions acting as neurons

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

genema/Noisy-Spiking-Neuron-Nets

Official repo of Noisy Spiking Neural Networks

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

himstien/aperture-robust-multiscale-optical-flow

Event based aperture robust flow

Language: C++ - Size: 38.1 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

Related Keywords
neuromorphic-computing 123 spiking-neural-networks 40 deep-learning 22 snn 21 machine-learning 20 neuromorphic 20 spiking-neural-network 18 pytorch 13 python 11 computational-neuroscience 9 neuroscience 9 neuromorphic-hardware 8 artificial-intelligence 8 neural-network 8 neuromorphic-engineering 8 brain-inspired 6 neural-networks 6 energy-efficiency 5 loihi 5 spike 5 robotics 5 artificial-neural-networks 4 transformer 4 crypto 4 3rd-generation-of-artificial-neural-networks 4 computer-vision 4 spiking-transformer 4 spikingjelly 4 blockchain 4 event-driven 3 blockchain-technology 3 neuron-models 3 artificial-general-intelligence 3 event-based-camera 3 biocomputing 3 ai 3 quantum-computing 3 binary 3 classification 3 deep-neural-networks 3 token 3 signal-processing 3 pynn 3 spinnaker 3 event-camera 3 intel-neuromorphic 2 brain-simulations 2 brain-inspired-computation 2 unsupervised-learning 2 brain-inspired-ai 2 agi 2 gpu 2 mathematical-optimization 2 event-based-vision 2 stdp 2 snntorch 2 cryptocurrencies 2 spinnaker-hardware 2 numpy 2 neurons 2 dynamic-vision-sensors 2 neuron 2 jax 2 optimization 2 organoid-learning 2 leaky-integrate-and-fire-neuron 2 organoid-intelligence 2 verilog 2 unsupervised-machine-learning 2 unsupervised-learning-algorithms 2 thinking-machine 2 theory-of-helix 2 learning-algorithm 2 helix 2 decision-system 2 photonic-computing 2 event-based 2 brain-inspired-computing 2 spike-driven 2 cryptocurrency 2 trgx 2 bayesian-optimization 2 dvs 2 biological-plausibility 2 anomaly-detection 2 fpga 2 awesome-list 2 awesome 2 reservoir-computing 2 liquid-state-machine 2 ros 2 post-training-quantization 2 1d-convolution 1 smoothing-methods 1 noisy-networks 1 hybrid-training 1 game 1 epia2024 1 nest-simulator 1 fairness 1