backpropagation-learning-algorithm

There are 169 repositories under backpropagation-learning-algorithm topic.

  • MNIST-Classification-with-NeuralNet

    MNIST Handwritten Digits Classification using 3 Layer Neural Net 98.7% Accuracy

    Language:Python3
  • BP-Network-for-Stock

    Use the BP Network to predict and choose stock

    Language:Python3
  • node-ann

    :computer: A node package implementation of a Artificial Neural Network in JavaScript with Backpropagation learning algorithm.

    Language:JavaScript3
  • Machine_Learning

    Learning about the algorithms used in machine learning, along with techniques for training and testing models.

    Language:Jupyter Notebook2
  • MachineLearning-BackPropogation-Algorithm

    Implementation of a neural network model with backpropagation algorithmfor image classification using the MNIST dataset, featuring experiments varying learning rates, momentum, hidden units, and training data sizes

    Language:Jupyter Notebook2
  • deep-learning-course

    Deep Learning Courses

    Language:Jupyter Notebook2
  • neural_network

    basic neural network implemetation by maths, with back prop

    Language:Python2
  • Deep-Deblurring

    Utilizing deep learning to deblur images

    Language:Python2
  • Neural-Network-using-Numpy

    Introduction to Neural Networks (Create a neural network using Numpy)

    Language:Jupyter Notebook2
  • NeuralNetwork

    A library (dll) that implements functionality for creating and training neural networks (multilayer perceptron)

    Language:C#2
  • BackpropagationInPython

    This algorithm is a backpropagation developed using Python

    Language:Python2
  • AI-Color-Predictor

    Simple neural network with only one layer that learns to classify 2 colors

    Language:Python2
  • Optical-character-recognition

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

    Language:Python2
  • Signature-verification-using-deep-convolution-neural-network

    Signature Verification using Deep Convolution Neural Networks

    Language:Python2
  • BackPropNN

    Backpropagation implementation using Julia

    Language:Julia2
  • basic_neural_network

    it is simple 2 layer neural network using only numpy as dependency

    Language:Jupyter Notebook2
  • miniFlow

    Building a Neural Network from scratch

    Language:Python2
  • My-First-Neural-Network

    Implemented Neural Networks from Scratch

    Language:Jupyter Notebook2
  • nn_from_scratch

    Implements a simple neural network without using neural network libraries.

    Language:Python2
  • Use-of-simple-backpropagation-Customer-Care

    Simple Backpropagation for Customer Care. Demonstrates how backpropagation can be used to train a basic neural network for customer care response prediction.

    Language:Python1
  • nanograd

    Implementing simple neural network models, using a scalar based tensor framework implemented from scratch

    Language:Jupyter Notebook1
  • AI_Deep_Learning

    Artificial Intelligence, Deep Learning: training an artificial neural network using backpropagation with gradient descent .

    Language:Python1
  • DigitRecognitionCanvas

    Created with CodeSandbox

    Language:Vue1
  • NeuralNetwork

    Реализация алгоритма обратного распространения ошибки для обучения нейронной сети для распознавания рукописных цифр

    Language:C#1
  • myProjects

    2-bits XOR logic implementation using Single Neuron using Backpropagation

    Language:Python1
  • BackPropogation_usingPurePythonList

    A pure implemention of BackPropagating artificial neutral net

    Language:Jupyter Notebook1
  • Function_Approximation-MLP

    Function approximation using Multilayer Perceptron (MLP)

    Language:MATLAB1
  • AI-ML-lab-programs

    (VTU) aritficial Intelligence and machine learning practical programs and algorithms

    Language:Jupyter Notebook1
  • Treinamento-de-Rede-Neural-Artificial

    Este é um código que implementa, passo a passo, o processo de treinamento de um neurônio artificial com o algoritmo Backpropagation.

    Language:MATLAB1
  • Visualizing_Gradient_Descent_For_BCE_Loss

    Using only numpy in Python, a neural network with a forward and backward method is used to classify given points (x1, x2) to a color of red or blue.

    Language:Python1
  • backpropagation-python

    An implementation of backpropagation in Python

    Language:Python1
  • DeepLearningPracticalWorks

    Neural networks and deep learning practical works

    Language:Jupyter Notebook1
  • backpropagation

    Implementação do algoritmo backpropagation para machine learning com RNA's

    Language:Python1
  • neuralnetworks-labs

    perceptron, backprop, RBF, SOM, hopfield nets, autoencoders (no external ML libs)

    Language:Jupyter Notebook1
  • Pattern-Recognition

    This project made with MATLAB. It's about machine learning. Artificial Neural Network in the form of Multilayer Perceptron.

    Language:Mercury1
  • image-classifier

    AI Programming with Python final project

    Language:Jupyter Notebook1