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

GitHub topics: backpropagation-learning-algorithm

nuhyurdev/BackPropagation-model-QSAR-fish-toxicity

it was designed a neural network designed using Java-Neuroph Library.

Language: Java - Size: 913 KB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

alaafarouk8/BackPropagationNeuralNetworks-

implementation of Back Propagation Neural Networks

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

Gaurang18/HandWritten-Digit-Recognition

Language: Matlab - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 2

IlyasHabeeb/Self_Driving_Car

A Car that Self-Navigates Using Neural Networks Based on Back-Propagation Algorithm

Language: Java - Size: 80 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 1

sichkar-valentyn/Backpropagation

Backpropagation in Neural Network (NN) with Python

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

jatin-47/Sine-Classifier

A simple neural network to classify points generated using a sine function. Implementing backpropagation.

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

robertodawid/DeepLearning_course_UU

This is a repository for the course on Deep Learning given by Uppsala University

Language: Jupyter Notebook - Size: 377 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

DhilipSanjay/ANN-with-Momentum

Artificial Neural Networks with Back Propagation & Momentum (No external libraries used)

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

darkhorrow/backpropagation-python

An implementation of backpropagation in Python

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

DaHoC/backprop

Derivation of backpropagation of error formula in laTeX

Language: TeX - Size: 266 KB - Last synced at: over 2 years ago - Pushed at: almost 11 years ago - Stars: 4 - Forks: 2

swingfox/ann-backpropagation

Artificial Neural Networks using Back Propagation C# Implementation

Language: C# - Size: 11.6 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 1

adrianmwai/machine-learning-ex4

machine learning ex4 alex ng

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

xallindrome-dev/neural-net-machine-learning

Practicing Backpropagation with Gradient Descent to build a Neural Network

Language: HTML - Size: 556 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

utk003/Neural-Networks

A general-purpose, easily configurable, MLP (multi-layer perceptron) implementing a custom-optimized backpropagation algorithm....

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

gabrielfreire/Backpropagation-NeuralNetwork

Java implementarion for a Backpropagation Feedforward Neural Network with more than one hidden layer

Language: Java - Size: 21.5 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 1

kartikchauhan/Optical-character-recognition

Optical character recognition which recognises handwritten digits using neural network. Algorithms applied are Stochastic gradient descent and Back propagation.

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

arun-kmr-singh/HandWritten_Digit_Recognition_Neural-Net

Repository contains implementaion code of Nerural Network for identifying hand written digits. Images for digits are collected and converted into Grey scale images. Image of 200x200 pixels converted into a feature vector of size 40000 values. Sigmoid and Relu function used in forward propagation. Implemented back propagation. This Project is done as a part of Coursera Machine Learning Course.

Language: MATLAB - Size: 7.1 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

deep0892/coursera_machine_learning_stanford_course

Code and Assignment from different ml courses and books.

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

KoStyle/ANN

A java Artificial Neural Network based on a multilayered perceptron. It can use Backpropagation and a genetic algorithm for the training

Language: Java - Size: 9.97 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

vairamuthushanmugavel/Javascript-Neural-Network

Multi layer perceptron is implemented in java script .used for XOR and Google's Doodle data set classification :snowflake: :zap:

Language: JavaScript - Size: 738 KB - Last synced at: over 2 years ago - Pushed at: about 5 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

joey-kilgore/NeuralNetworkConsoleApp

Neural Network that runs basic testing through a console application

Language: C# - Size: 14.6 KB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

deanone/NeuralNetwork

Implementation of a multilayer, feed-forward, fully-connected neural network trained using the gradient-descent based backpropagation algorithm

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

kartiksingh98/Neural-Network

A neural network that implements a complete epoch, descends a gradient and backpropogates an error

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

JBAhire/BackPropNN

Backpropagation implementation using Julia

Language: Julia - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 0

sadatrafsanjani/Neural-Network

Neural network built from scratch

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

akshayush/Feedforward_with_backpropagation_gradient_descent

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

akshayush/FeedForward-and-BackPropagation-DNN-for-multiclass-classification

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

shivang8/Digit-Recognition

Digit Recognition using backpropagation algorithm on Artificial Neural Network with MATLAB. Dataset used from MNSIT.

Language: Matlab - Size: 17.4 MB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 3

AjinkyaZ/BackProp

A tutorial on Backpropagation in Neural Networks (in progress)

Language: Jupyter Notebook - Size: 126 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 1

mrStasSmirnoff/Backpropagation_Python

The backpropagation algorithm is the classical approach to 'train' ANN including different architectures of ANN such us CNN, RNN etc.

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

csrividhya/Neural-Networks

Collection of neural network implementations done from scratch.

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

DoktorMike/neuralnethack

Automatically exported from code.google.com/p/neuralnethack

Language: C++ - Size: 1.48 MB - Last synced at: 9 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

chaitanyacsss/Neural-Networks-Backpropagation-Implementation

Neural Networks : Back propagation implementation

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

gilbertobastos/prj_perceptron_multicamadas_CUDA

Implementação simples do Perceptron Multicamadas em CUDA.

Language: C - Size: 39.1 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Deadddorks/Neural-Net

My attempt at making a feed forward neural network that learns through back-propegation.

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

sayantansatpati/dlf

Programming Assignments and Projects for Udacity's Deep Learning Foundation Nanodegree

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

cache117/cs478-backpropagation

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

Related Keywords
backpropagation-learning-algorithm 138 neural-network 59 machine-learning 45 backpropagation 43 neural-networks 29 deep-learning 23 python 22 artificial-neural-networks 18 gradient-descent 17 machine-learning-algorithms 17 backpropagation-algorithm 15 feedforward-neural-network 14 artificial-intelligence 13 backpropagation-neural-network 12 deep-neural-networks 11 perceptron 11 python3 10 multilayer-perceptron-network 9 numpy 9 matlab 8 ai 7 convolutional-neural-networks 6 java 6 perceptron-learning-algorithm 5 stochastic-gradient-descent 5 handwriting-recognition 5 octave 5 mnist-dataset 5 mnist-classification 5 csharp 5 gradient-descent-algorithm 5 machinelearning 4 mnist-handwriting-recognition 4 data-science 4 mnist 4 matplotlib 4 multi-layer-perceptron 4 learning 4 javascript 4 sigmoid-function 4 supervised-learning 4 pca 3 activation-functions 3 ann 3 cpp 3 mlp-classifier 3 genetic-algorithm 3 support-vector-machines 3 digit-recognition 3 ml 3 image-classification 3 multilayer-perceptron 3 keras 3 knn 3 neural-nets 3 backprop 3 classification 3 rnn 3 tensorflow 3 cnn-classification 3 forward-propagation 3 feedforward 2 algorithms 2 machinelearningprojects 2 neural 2 cnn-keras 2 neural-network-example 2 redes-neurais-artificiais 2 algorithm 2 pytorch 2 multiclass-classification 2 knearest-neighbor-algorithm 2 svm 2 deeplearning 2 c 2 anomaly-detection-algorithm 2 neuralnetwork 2 multi-layer-networks 2 adaboost 2 udacity-nanodegree 2 dropout 2 digit-recognition-application 2 digit-recognition-problem 2 handwritten-digit-recognition 2 naive-bayes-classifier 2 machinelearning-python 2 api 2 lstm-neural-networks 2 library 2 decision-trees 2 computer-vision 2 ia 2 python-3 2 regression-models 2 gru 2 lstm 2 batch-normalization 2 mlp-networks 2 relu 2 rmsprop 2