backpropagation-learning-algorithm
There are 165 repositories under backpropagation-learning-algorithm topic.
Lucifier129/factor-network
A simple factor network implementation written by JavaScript
fotisk07/Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
fotisk07/Image-Classifier
Final Project of the Udacity AI Programming with Python Nanodegree
prakashjayy/medium_blogs
medium blog supplementaries | Backprop | Resnet & ResNext | RNN |
ankitesh97/Gesture-Recognition-CNN
A CNN model in numpy for gesture recognition
petrvacha/Character-recognition-by-neural-network
Back Propagation, Python
umbertogriffo/Minimalistic-Multiple-Layer-Neural-Network-from-Scratch-in-Python
Minimalistic Multiple Layer Neural Network from Scratch in Python.
Imperial-College-Data-Science-Society/Neural-Networks
ICDSS Machine Learning Workshop Series: Neural Networks
clarkzinzow/Machine-Learning-and-Signal-Processing-Algorithms
MATLAB implementations of a variety of machine learning/signal processing algorithms.
sm823zw/Neural-Network-Backprop-using-C
In this repo, the backpropagation algorithm in feedforward neural networks is implemented from scratch using C.
vivesweb/rn-Neural-Network-in-pure-PHP-ML-AI
Neural Network in pure PHP
chen0040/java-ann-mlp
Package provides java implementation of multi-layer perceptron neural network with back-propagation learning algorithm
mtimjones/backprop
Neural Network demonstration with Backpropagation learning and the Iris dataset.
youness-elbrag/Nano-AutoGrad
Micro-Framework for building and Training Neural Network from Scratch based AutoGrad Engine
etrommer/agn-approx
Code for the paper "Combining Gradients and Probabilities for Heterogeneours Approximation of Neural Networks"
gilbertobastos/perceptron-multicamadas-js
Implementação simples da rede neural Perceptron Multicamadas em Javascript.
shivang8/Digit-Recognition
Digit Recognition using backpropagation algorithm on Artificial Neural Network with MATLAB. Dataset used from MNSIT.
bundit/neural-network-digit-recognition
Multi-layered Convolutional Neural Network written in C++11
lucasb-eyer/Backprop.jl
Textbook implementation of backprop (from the Jacobian point of view) in Julia.
zavalit/neural-network-example
Scala implementation of multi-layer deep-learning algorithm
11808s8/python-neural-network
A simple neural network with backpropagation used to recognize ASCII coded characters
AjayKadoula/Machine-Learning-LAB-mtech-2nd-sem-assignment
Apriori Algorithm, BackPropagationNeuralNetwork, Genetic Algorithm, K Medoid Algorithm, LogisticRegression, matrix multiplication, MultivariateRegression, PSO Particle Swarm Optimization, Principal Component Analysis, RSA ALGO, SparseMatrixMultiplication, SqrtFunction, Steepest Descent Search, Gradient Descent TSP, abc artificial bee colony algorithm, decision tree classifier, elliptic curve linear regression, logistic regression, rsa algo, support vector machines
DaHoC/backprop
Derivation of backpropagation of error formula in laTeX
naveenkumar-j/weather-prediction-using-backpropagation-algorithm
Back propagation algorithm to predict the weather condition(Sunny, Cold, Cloud, Rainy)
aditya9211/MNIST-Classification-with-NeuralNet
MNIST Handwritten Digits Classification using 3 Layer Neural Net 98.7% Accuracy
Cloud-Tech-AI/neural-networks
Implementation of different versions of FeedForward Neural Network in python from scratch. The repository includes, Backpropagation, Dimensionality Reduction with Autoencoder and Word2Vec model (CBOW).
dstallenberg/NormalFeedForwardNeuralNet
Easy to use neural network library in java
fllaryora/ANN
artificial neural network.
IgnacioPardo/SNN
Simple Neural Network - Inspirado en https://github.com/jonasbostoen/simple-neural-network
IlyasHabeeb/Self_Driving_Car
A Car that Self-Navigates Using Neural Networks Based on Back-Propagation Algorithm
Jason2Jason/BP-Network-for-Stock
Use the BP Network to predict and choose stock
rajatjain1997/Readr
Readr is a python library using which programmers can create and compare neural networks capable of supervised pattern recognition without knowledge of machine learning. These networks are fuzzy-neuro systems with fuzzy controllers and tuners regulating learning parameters after each epoch to achieve faster convergence.
VarunAnanth2003/Java-Neural-Network
A fully functioning neural network made from scratch in Java without the use of any external libraries. Comes with extended functionality such as L2 regularization, Mini-batch gradient descent, variable activation functions, etc. Fully commented for ease of understanding! Now imported to IntelliJ.
vrn25/Machine-Learning-Coursera
Solutions to Coursera's Intro to Machine Learning course in python
WalkingBread/multi-layer-neural-network
Lightweight multi-layer neural network library implemented in pure javascript.