backpropagation-algorithm
There are 96 repositories under backpropagation-algorithm topic.
Sergio0694/NeuralNetwork.NET
A TensorFlow-inspired neural network library built from scratch in C# 7.3 for .NET Standard 2.0, with GPU support through cuDNN
INTERMT/BP-Algorithm
一文彻底搞懂BP算法:原理推导+数据演示+项目实战
saschagrunert/nn
A tiny neural network 🧠
nitin-rathi/hybrid-snn-conversion
Training spiking networks with hybrid ann-snn conversion and spike-based backpropagation
schneider128k/machine_learning_course
Artificial intelligence/machine learning course at UCF in Spring 2020 (Fall 2019 and Spring 2019)
msubhransu/matrix-sqrt
matrix square root and its gradient
petrvacha/Character-recognition-by-neural-network
Back Propagation, Python
the-lans/NeuroRepository
Фреймворк для построения нейронных сетей, комитетов, создания агентов с параллельными вычислениями.
ethanabrooks/computational-graph
Efficiently performs automatic differentiation on arbitrary functions. Basically a rudimentary version of Tensorflow.
AntoinePassemiers/Beyond-Gradient-Descent
Minimalist deep learning library with first and second-order optimization algorithms made for educational purpose
clarkzinzow/Machine-Learning-and-Signal-Processing-Algorithms
MATLAB implementations of a variety of machine learning/signal processing algorithms.
vivesweb/rn-Neural-Network-in-pure-PHP-ML-AI
Neural Network in pure PHP
parthendo/Digit-Recognition-ANN
Training an artificial neural network using back-propagation on MNIST dataset
wikke/neural_network_from_scratch
Neural network/Back Propagation implemented from scratch for MNIST.从零开始实现神经网络和反向传播算法,识别MNIST
Tab-ct/MAP-SNN
Mapping Spike Activities with Multiplicity, Adaptability, and Plasticity into Bio-Plausible Spiking Neural Networks
345ishaan/Digit-Classification-using-Numpy
MNIST Classification using Neural Network and Back Propagation. Written in Python and depends only on Numpy
bundit/neural-network-digit-recognition
Multi-layered Convolutional Neural Network written in C++11
dbrcina/BSc-Thesis-FER-2019-20
BSc Thesis at FER-2019/20 led by doc. dr. sc. Marko Čupić
riki95/Neural-Network-Backpropagation
Implementation of a neural network with backpropagation algorithm
rotcev/basic-java-neural-network
A basic implementation of a neural network in java, with back-propagation. Created for learning purposes.
abhik1698/MachineLearning-Algorithms
VTU Machine Learning lab programs in Python (2015 SCHEME)
bennigeir/backpropagation
Implementation of the back-propagation algorithm using only the linear algebra and other mathematics tool available in numpy and scipy.
janmejay23/basic_neural_network
it is simple 2 layer neural network using only numpy as dependency
melchisedech333/xor-neural-network
🤖 Artificial intelligence (neural network) proof of concept to solve the classic XOR problem. It uses known concepts to solve problems in neural networks, such as Gradient Descent, Feed Forward and Back Propagation.
Mohamed-Galloul/Deep-Learning-Nanodegree-Projects
This a repo for the projects I completed during my Deep Learning Udacity Nanodegree.
raspberrysans/neuralnet-with-backpropagation
backpropagation algorithm with one hidden layer using MNIST Handwriting Digits
saratbhargava/ECE239AS-Neural-Networks-and-Deep-Learning-UCLA
These Codes are written as part of Neural Networks and Deep learning course at UCLA.
TimoFlesch/iiccsss_intro2nnets
teaching material for my 2h graduate-level crash course on artificial neural networks
ChanLumerico/autoprop
Auto Propagation System for Complex Neural Networks of Luma Python library
greenDev7/DigitRecognitionCanvas
Created with CodeSandbox
R2D2-08/minilib
A mini-Library consisting of the implementation of classes/functions useful for Machine Learning Applications.
roman656/MultiLayerPerceptron
[RU] Обучение многослойного перцептрона с одним скрытым слоем методом обратного распространения ошибки. [EN] Training of a multilayer perceptron with one hidden layer by the back-propagating errors method.
Samuel-Bachorik/machine_learning_library
Automatic backpropagation implemented in numpy,
Santosh2611/Neural-Networks-and-Deep-Learning
Demonstration of the mini-lab (practical) component activities conducted for the course of Neural Networks and Deep Learning (19CSE456).
shythm/uos-simple-mlp
Simple Multi-Layer Perceptron(MLP) with forward and backward propagation