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

GitHub topics: neurons

nikhildagarwal/Number_Classifier_ML

Python neural network built from scratch. Uses Machine Learning algorithms to correctly classify handwritten numbers into digits.

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

DaisukeMiyamoto/web3d-neuron-viewer

testing visualization of neurons and brain by using x3dom

Language: PHP - Size: 297 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

DaisukeMiyamoto/docker-neuron

docker containers for NEURON simulator

Language: Jupyter Notebook - Size: 423 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 3

Ishan-Kotian/Bank-Customers-Churn-Classification-with-Deep-Learning

The goal is to make an Artificial Neural Network that can predict, based on geo-demographical and transactional information given above, if any individual customer will leave the bank or stay (customer churn). Also, rank all the customers of the bank, based on their probability of leaving.

Language: Jupyter Notebook - Size: 4.3 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

Rwik2000/Neuron-models-SNN

Python implementation of neuron models like LIF and Izhekevich models.

Language: Python - Size: 192 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

ghadj/RBF-Neural-Network

Implementation of Radial Basis Function (RBF) Neural Network in java.

Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1

lukablagoje/interspecies-machine-learning

Machine learning classifiers trained on animal neuronal data, performance tested on human neuronal data.

Language: Jupyter Notebook - Size: 5.74 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

jmaen/nnvisualized-graphics

TeX graphics for the nnvisualized project

Language: TeX - Size: 208 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

reecemartin/binaryneuralnet

A Binary Multi-Layer Neural Network

Language: Java - Size: 365 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1

KlotzJesse/neuralnetwork

A simple, unfinished java implementation of a rudimentary artificial intelligence framework, trained using the MNIST data set for the classification of numbers.

Language: Java - Size: 88.5 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

itssouray/Aritificial-Neural-Network

This project implements a neural network using the Keras library in Python to perform churn modeling. The dataset used for training and testing the model contains 14 columns and more than 10000 rows. The algorithm uses the ReLU activation function with two hidden layers and one input layer. The optimizer used is Adamax, and the loss function is bin

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

jsdpag/lif

Tools to build leaky integrate and fire networks with intrinsic rhythmic population activity.

Language: MATLAB - Size: 19.5 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

amaynez/GenericNeuralNetwork

Generic Neural Network Python Library. Tested with an XOR example.

Language: HTML - Size: 35.7 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

zahsa/z-Notes-on-NeuroScience

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

exarchou/Biomedical-Engineering

Electroencephalography signals analysis. Detection of spikes, with threshold method and their isolation with windowing. Temporal and spectral feature extraction. Classification in three neurons.

Language: MATLAB - Size: 125 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

Jumaruba/SNN

This is a repository with implementations of neuron models, synapses, and spiking neural networks (SNN). It's still in development and it has original content in terms of code.

Language: Python - Size: 653 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 22 - Forks: 4

schlegelp/CATMAID-to-Blender

Plugin for Blender to interface with CATMAID Server and Pull Data

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

olso/nano-neuron

Language: TypeScript - Size: 11.8 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

nazaninsbr/Neural-Network

Neural Network with VHDL and matlab

Language: C - Size: 18.9 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 3

raymelon/TrafficLightNeuralNetwork

:traffic_light: An Artificial Neural Network based Traffic Light Controller for intersections. Computational Intelligence class final project.

Language: C# - Size: 560 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 7

MRIO/OliveTree

A model of the inferior olivary network

Language: Jupyter Notebook - Size: 14 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

dreamIIx/NeuralNet

My adaptive neural net. Feed forward/backProp(perceptron).

Language: C++ - Size: 6.34 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

dicearr/neuron-vhdl 📦

Implementation of a neuron and 2 neuronal networks in vhdl

Language: VHDL - Size: 766 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 18 - Forks: 4

srowen/autoenc-neurons 📦

Simple example of Keras, TensorFlow and autoencoders applied to text

Language: Python - Size: 1.65 MB - Last synced at: 7 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Insulince/jnet

A Go library for creating, training, and using multilayer perceptron neural networks.

Language: Go - Size: 203 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

kostasl/SpikeNetworks

C++ classes of Izhikevich type neurons that can be networked to simulate custom spiking neural networks

Language: Gnuplot - Size: 72.3 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

R-Stefano/Grid-Cells

Implementation of Vector Based Navigation using Grid-like cells using Tensorflow and Numpy

Language: Python - Size: 184 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 28 - Forks: 7

Cai-Lab-at-University-of-Michigan/nTracer

Rolling release code for the nTracer ImageJ/Fiji plugin, as published in: Roossien DH, et. al, Bioinformatics 2019.

Language: Java - Size: 324 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 0

PBLab/neural_collision_detection

Collide vasculature and neurons for fun and profit (?)

Language: C++ - Size: 36.4 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Eden-Kramer-Lab/time_rescale

Tools for evaluating the goodness of fit of a point process model via the time rescaling theorem

Language: Jupyter Notebook - Size: 2.14 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 4

milomg/trisynaptic

Neuroscience simulator project

Language: JavaScript - Size: 215 KB - Last synced at: 4 days ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Merterm/BRAIN-M

Brilliantly Radical Artificially Intelligent Neural Machine

Language: Verilog - Size: 1.49 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 2

SammyRobensParadise/neurobiological-simulation

Neurobiological simulation assignments as part of SYDE 556/750 2022

Language: Jupyter Notebook - Size: 31.1 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

DubiousCactus/Amygdala

An easy to read and Object Oriented implementation of a simple Neural Network using back-propagation and hidden layers, applied on a basic image classification problem.

Language: Python - Size: 94.7 KB - Last synced at: 5 days ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 2

mackelab/CorBinian

CorBinian: A toolbox for modelling and simulating high-dimensional binary and count-data with correlations

Language: MATLAB - Size: 688 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 16 - Forks: 4

afmika/Neurons

My custom implementation of the backpropagation algorithm used in artificial neural networks written in javascript

Language: JavaScript - Size: 964 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

gotvinne/TTT4275-Classification-project

Machine learning project, classifying different plants and handwritten numbers using a set of neurons (light-weight deep learning)

Language: MATLAB - Size: 24.4 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

PavlidisLab/markerGeneProfile

Marker gene profile estimation method used in NeuroExpresso manuscript

Language: R - Size: 33.7 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 12 - Forks: 2

PavlidisLab/neuroExpressoAnalysis

Paper at: http://www.eneuro.org/content/4/6/ENEURO.0212-17.2017

Language: R - Size: 2.36 GB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 5

ajaybiswas22/Neural-Network-Logic-Gates

This repository provides the Implementation of logic gates using neural networks.

Language: Jupyter Notebook - Size: 247 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

wisstock/trans_scripts

Scripts for analyzing translocations of fluorescenet-labeled proteins.

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

Code-Trees/END-GAME

It's all about NLP. From End- To- End.We will create Deep NLP beyond RNNs/LSTMs ( obsolete now) from scratch and learn why everything until GPT3.

Language: Jupyter Notebook - Size: 26.3 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 2

MrAsimZahid/Neural-Networks-from-Scratch

Building Neural Networks from Scratch in raw Python

Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

GrgoMariani/mmNN

micro managed NEURAL NETWORK (c++11 / Python)

Language: C++ - Size: 212 KB - Last synced at: 5 months ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 1

stephentown42/Perceptual_Constancy_for_Vowels

Language: MATLAB - Size: 139 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

LanzaSchneider/GenannSharp

Genann library port to C#, simple neural network library in ANSI C

Language: C# - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

immanuelsavio/Distributed-Unsupervised-Learning

Distributed Unsupervised Learning using Autoencoders and Mean Shift Clustering

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

ssaket/visual-perception

Notes 📚, and code 💻 on Visual Search, Perceptual Processing, Neural Circuits, Neurons

Size: 1.4 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

TrentBrunson/Neural_Networks

TensorFlow 2.2, Keras, Deep Learning

Language: Jupyter Notebook - Size: 2.47 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

cccohen/Salto

Salto - automatically generate, explore, and optimize neuron models.

Language: AMPL - Size: 5.96 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

jonmarty/Morris-Lecar

An implementation of the Morris-Lecar Neuron from Theoretical Neuroscience

Language: Jupyter Notebook - Size: 578 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 5

JeanElsner/thesis-illustrations

Illustrations mostly of neurons and neural networks.

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

navis-org/navis-nblast-large

Implementation of NBLAST for large datasets

Language: Python - Size: 67.4 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

C-Coretex/Little-NeuralNetwork-Library

My first simple realization of Neural Network library by scratch, so you can use it in your projects (check the documentation in README). You can see an example how to use the library below.

Language: C# - Size: 2.08 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

hans-ob1/flappybird-neat-js

Clone of flappy bird game in javascript, developed an AI to play this game and added some interesting difficulty. The baseline algorithm is neuro-evolution which evolves a set of feed foward after a number of generations.

Language: JavaScript - Size: 1.85 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 0

derniercri/multilayer-perceptron

Library to make and train a concurrent multilayer perceptron

Language: Erlang - Size: 1.15 MB - Last synced at: 5 months ago - Pushed at: over 8 years ago - Stars: 46 - Forks: 3

jczic/MicroNN

Micro neural network with multi-dimensional layers, multi-shaped data, fully or locally meshing, conv2D, unconv2D, Qlearning, ... for test!

Language: Python - Size: 2.29 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 0

Karla-Flores/Neural-Network--Charity-Donation

Deep-Learning neural network to analyze and classify the success of charitable donations.

Language: Jupyter Notebook - Size: 5.15 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

pranavtumkur/Predicting-Loan-Deferral-with-ANN-Hyperparamater-Optimization-and-Oversampling

In this project, we build and train a model to predict if a customer will defer on a particular loan on an imbalanced dataset. We'll build a layered ANN for this and try to make our model better using Hyperparamater Optimization, before exploring Oversampling to make it more accurate.

Language: Jupyter Notebook - Size: 30 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

edmerix/UnitSubclassify

GUI for semi-automatic single neuron classification by cell type

Language: MATLAB - Size: 668 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

BonsaiNet/Neuron-Data

Want to download bunch of neurons? Come here!

Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 1

erikmurtaj/NeuralNetwork_diabetic

Artificial Neural Network with Backpropagation developed in python as a learning algorithm to predict if the different cases contain signs of diabetic retinopathy or not

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

rosencode/oxynet

A C++ program to simulate the neuronal network model described in Rossoni et al. (2008) Emergent Synchronous Bursting of Oxytocin Neuronal Network. PLoS Comput Biol 4(7)

Language: C++ - Size: 63.5 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

YuriyLisovskiy/NeuralNetwork

Simple feed forward neural network with back propagation learning algorithm

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

merry-goblin/life

This is a simulation which emulates neurons behavior by representing local potentials in a neuron generated by interactions between neurotransmitters and ionic channels. The purpose is to connect them in order to simulate intelligent life but, for now, this is just one neuron.

Language: JavaScript - Size: 729 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

jacodetunde/Neural_Network_Charity_Analysis

This project creates a binary classifier that is capable of predicting whether applicants will be successful if funded by the Alphabet Soup Charity Program

Language: Jupyter Notebook - Size: 2.98 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

flyconnectome/hnf

Documentation for the hierarchical neuron format

Size: 16.6 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Hjertesvikt/ALS_model

Amyotrophic Lateral Sclerosis (ALS) is a fatal neurodegenerative disease of the adult, characterized by degeneration of motor neurons in the spinal cord, brain stem and motor cortex. There is no bio-informatic model of ALS.

Size: 1.81 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 0

desaimilin/NNDL-2020

This repository focuses on the Neural Networks and deep learning. It is a workbook you can refer it for a reference. I'll Include following content here: Neurons, perceptrons, weight and biases, learning rate, activation form, hyper parameters, RNN, CNN and other popular concepts.

Language: HTML - Size: 11.5 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

yuempek/neurocamera

Neural camera experiment

Language: HTML - Size: 4.88 KB - Last synced at: 29 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

NeuroBox3D/NeuGen

NeuGen is made for generation of dendritic and axonal morphology of realistic neurons and networks in 3D

Language: Java - Size: 88.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 2

Vedant-S/AI_Project

Included AI-Projects under Computer Vision.

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

romario076/Neural-network-training-workflow

Workflow designed for training and optimization neural networks

Language: Python - Size: 118 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

JoaoAPS/Neuronios-Rulkov

Uma biblioteca de simulação de uma rede de neurônios de Rulkov em c++.

Language: C++ - Size: 79.1 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

maael/HedonisticHebbianNeuralNetwork

A Hedonistic Hebbian Neural Network in python.

Language: Python - Size: 17.6 KB - Last synced at: 5 months ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 3

Endika/cervantes_neuron

Simple neuron of Miguel de Cervantes

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

Tom83B/matsim

Package primarily for simulation of the MAT model

Language: Python - Size: 941 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

Ashwanikumarkashyap/RNN-based-new-lyrics-generation-from-scratch

In the project, the aim is to generate new song lyrics based on the artist’s previously released song’s context and style. We have chosen a Kaggle dataset of over 57,000 songs, having over 650 artists. The dataset contains artist name, song name, a link of the song for reference & lyrics of that song. We tend to create an RNN character-level language model on the mentioned dataset. Using model evaluation techniques, the model is checked for its accuracy and is parameter optimized. The trained model will predict the next character based on the context of the previous sequence and will generate new lyrics based on an artist’s style.

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

sankethkini/neuralnetwork-from-scratch

code for neural network implementation in python

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 2

wbrc/neuralnet

Create simple neural networks in Go

Language: Go - Size: 882 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

geekswaroop/Awesome-Connectomics

A curated list of resources, papers and articles for 3D volumetric segmentation of connectomics in EM Images.

Size: 0 Bytes - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

tech-espm/pic-sortinghat

Implementation of an ANN for recognisement of the specialization fields at ESPM Information Systems (TECH) students

Language: Java - Size: 631 KB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

cs-t1/PyNeuronalEvolution

Implémentation d'un structure de réseau de neurones optimisé par un algorithme génétique

Language: Python - Size: 61.5 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

IKarbowiak/MemoryModels

Hierarchial Temporal Memory and own hydraulic model of memory build with C#

Language: C# - Size: 213 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

marekott/.NetML

Project of libraries containing machine learning models.

Language: C# - Size: 64.5 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

praveentn/lightcolor

Review some of the abstract learning techniques

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

BernLeWal/Rapid-J

Rapid Algebrahic self-Programming with Incremental Deductions / implemented in Java

Language: Java - Size: 1.63 MB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

JaneliaAPIG/spoke

Live display of neural spike data for SpikeGLX software

Language: MATLAB - Size: 23.5 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 2

tech-espm/pic-plantrecogniser

Implementation of an ANN for recognisement of the Iris plant-family

Language: Java - Size: 1.7 MB - Last synced at: 6 months ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

verzep/NERVE

Neural Environment for Random Variable Estimation

Language: C++ - Size: 50.8 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

snwfdhmp/neural-networks

Artificial neural networks that performs number recognition functions using FANN library

Language: C++ - Size: 65.4 KB - Last synced at: 8 days ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

pknight24/worm-graph

Querying the C. elegans connectome with regular expressions.

Language: R - Size: 23.4 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

Vilgefortzz/neural-network-movies-recommender

Implementation of different neural networks, mainly for the purpose of movies reccomendation but also other problems

Language: Java - Size: 20.7 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

LamaNIkesh/SimulationControllerInterface

Web interface that allows users to design custom models of neurons and synapses to be run on High Performance FPGA cluster

Language: PHP - Size: 35.1 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

adityathebe/neuralNetwork

My attempt to learn Neural networks by creating everything from scratch

Language: JavaScript - Size: 241 KB - Last synced at: 5 days ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

saryazdi/Reinforcement_Learning-Tic_Tac_Toe

Reinforcement Learning Tic Tac Toe

Language: Python - Size: 124 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

MarkusBansky/Obcidian-Network

A simple lightweight Neural network library, suitable for education and enthusiasts. Currently in development and not finished yet, please look forward for updates.

Language: C# - Size: 7.12 MB - Last synced at: 9 days ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 0

nickymarino/bio110

Honors assignment for BIOL 110

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

Nazanin1369/Artificial-Neural-Network

Language: Python - Size: 11.7 KB - Last synced at: 6 months ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 1

FlorianWoelki/Nong

A neural network playing pong.

Language: Java - Size: 32.2 KB - Last synced at: 6 months ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0