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

GitHub topics: backpropagation-neural-network

tatavishnurao/Neuralnets_micrograd

Just posting my learning about Neural Networks

Language: Jupyter Notebook - Size: 3.68 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 1 - Forks: 0

apotox/js-tinygrad

tiny grad backpropagation engine, just for fun

Language: JavaScript - Size: 3.91 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Vinandra-Adam-Saputra/RealEstatePrediction-Streamlit

Data Science Course Project 2024 - UNIVERSITAS MARITIM RAJA ALI HAJI FAKULTAS TEKNIK DAN TEKNOLOGI KEMARITIMAN PROGRAM STUDI TEKNIK INFORMATIKA

Language: Python - Size: 90.8 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

SwamiKannan/Neural-Network-from-scratch-Numpy

Creating a basic NN from scratch to detect numbers from the MNIST dataset using Numpy

Language: Jupyter Notebook - Size: 940 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

hrivera2014/Backpropagation

backpropagation neural networks fortran

Language: Fortran - Size: 41 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

naveenkumar-j/weather-prediction-using-backpropagation-algorithm

Back propagation algorithm to predict the weather condition(Sunny, Cold, Cloud, Rainy)

Language: Python - Size: 145 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 4 - Forks: 2

vesas/java-nn

Neural networks and backprop in Java

Language: Java - Size: 307 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

aiaaee/FashionMNIST

a dataset of Zalando's article images consisting of a training set of 60,000 examples and a test set of 10,000 examples.

Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: about 11 hours ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

vaniseth/Deep-Learning

Language: Jupyter Notebook - Size: 55 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

soran-ghaderi/backpropagation

Backpropagation and automatic differentiation, and grid search from scratch.

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

Pragyanur/retrieval_based_biomedical_chatbot

Retrieval based biomedical chatbot to answer questions related to diseases

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

kushagragarg55/Applications-of-soft-computing-techniques-for-prediction-of-energy-dissipation-on-stepped-spillways

application of neural networks

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

ChieBKAI/backpropagation-implementation-from-scratch

MNIST Predictor using Neural Network (no TF/PyTorch, just Numpy)

Language: Jupyter Notebook - Size: 10.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

vivesweb/rn-Neural-Network-in-pure-PHP-ML-AI

Neural Network in pure PHP

Language: PHP - Size: 592 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 1

Tanjim131/CSE-474-Pattern-Recognition-Sessional

This repository contains the course assignments of CSE 474 (Pattern Recognition) taken between February 2020 to December 2020 at Bangladesh University of Engineering and Technology (BUET).

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

PrAsAnNaRePo/neural_network

basic neural network implemetation by maths, with back prop

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

leiluk1/intro-to-cv

Lab assignments including the implementation of convolutional neural network from scratch using numpy only for Introduction to Computer Vision course held at Innopolis University

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

openworld42/Backpropagation

Neural backpropagation with examples and training (Java)

Language: Java - Size: 403 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

the-lans/NeuroRepository

Фреймворк для построения нейронных сетей, комитетов, создания агентов с параллельными вычислениями.

Language: C++ - Size: 72.3 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 8

ZahraNabilaIzdihar/Backpropagation-Neural-Network-for-Multivariate-Time-Series-Forecasting

Backpropagation Neural Network for Multivariate Time Series Forecasting (multi input single output: 2 inputs and 1 output)

Language: Python - Size: 708 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 17 - Forks: 0

esthicodes/Awesome-Swiss-German

Multi-language Analyze text in 26 Cantonal Swiss German, Italian, German, Chinese (simplified), French, Italian. pply natural language understanding (NLU) to their applications with features including sentiment analysis, entity analysis, entity sentiment analysis, content classification, and syntax analysis.

Language: Jupyter Notebook - Size: 84.7 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 254 - Forks: 27

NickyGuants/micrograd

My implementation of Andrej Kaparthy's Micrograd library for back propagation and simple neural net training

Language: Jupyter Notebook - Size: 101 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Shaz-5/back-propagation

A python implementation of a basic backpropagating neural network. This project serves as an educational example of a neural network training process. The code demonstrates the forward and backward passes of a neural network, weight adjustments, and how it converges to a target value. It can be a useful reference for anyone looking to understand th

Language: Jupyter Notebook - Size: 155 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

greenDev7/NeuralNetwork

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

Language: C# - Size: 51.8 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

nitinnilesh/Neural-Network-From-Scratch

Multilayer Neural Network from Scratch.

Language: Python - Size: 60.5 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Irlll/neural-network-backpropagation-from-scratch-code-for-detecting-potential-obesity-

Step by Step Math Behind Multilayer Perceptron Neural Networks Backpropagation with Manual Code Python and Excel For Detecting Potential Obesity

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

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.

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

25jia/BP_for_mnist

BP neutral network for handwritten numeral recognition in MNIST

Language: Python - Size: 10.9 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 1

najmieh/BackPropagation-NN

Backpropagation Neural Network

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

rozi-bb/Stock-Prediction-Using-Backpropagation

IMPLEMENTATION OF BACKPROPAGATION ARTIFICIAL NEURAL NETWORK ALGORITHM PREDICTING STOCK PRICE PT SMARTFREN TELECOM TBK

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

OriYarden/Binary-MultiClassificationNeuralNetworksFromScratchNumpyArraysOnlyPython

Neural networks for binary and multiple classification from scratch (using only numpy arrays) in Python

Language: Jupyter Notebook - Size: 103 KB - Last synced at: 4 days ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

RiccardoRiedl/NeuralNetwork

Neural network in C# with fully connected layers and optionally randomized weights and biases. Provides feed forward method for prediction and back propagation implementation for training

Language: C# - Size: 19.5 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

fllaryora/ANN

artificial neural network.

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

carlm451/LSTM_Character_Language_Model

Character-level Long Short Term Memory Recurrent Neural Network implemented from scratch in Python

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

yuryalencar/BackpropagationInPython

This algorithm is a backpropagation developed using Python

Language: Python - Size: 3.91 KB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 3

HassanMahmoodKhan/Two-Dimensional-Classification-Involving-Non-Convex-Decision-Regions

Two-dimensional binary classification problem involving non-convex decision regions. The proposed solution employs a Back Propagation and a Counter Propagation Network to distinguish whether an input pattern belongs to class C1 or C2.

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

mbidu/Machine-Learning-Projects

Machine Learning Projects

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

11808s8/python-neural-network

A simple neural network with backpropagation used to recognize ASCII coded characters

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

sarahsimionescu/NeuralNetworkFromScratch

I decided to create a simple back propagation neural network from scratch in C++ as part of my final project for my Scientific Computing course (DATASCI 2G03).

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

MartinOtamendiT/Red_Neuronal_Genetica

Implementación de un algoritmo genético que busca optimizar los hiperparámetros de una red neuronal artificial usada para clasificación

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

rishabh-gurbani/Neural-Networks

Implementing Backpropagation algorithm in python from scratch without using any libraries.

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

FahdSeddik/FeedForward-NeuralNetwork-from-scratch

This is a Feed-Forward Neural Network with back-propagation written in C++ from scratch with no external libraries.

Language: C++ - Size: 90.8 KB - Last synced at: 21 days ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

till2/Backpropagation-from-Scratch

Backpropagation for a toy MLP with one hidden layer.

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

kalhorghazal/Clothes-Classification

🥼Clothes Classification, Artificial Intelligence course, University of Tehran

Language: HTML - Size: 2.16 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Ether-YiTseWu/Intelligent-Systems

There are three intelligent system projects, including evolutionary computation, fuzzy system and backpropagation neural networks

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

krag-harsh/Backprop-implementation

Code of Neural Networks implementation from scratch

Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

007prateekd/infrared-to-grayscale

A Backpropagation network to retrieve visible specturm information from Infrared images.

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

jackyan540/cs181-homework3

Spring 2021 Machine Learning (CS 181) Homework 3

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

sm823zw/Neural-Network-Backprop-using-C

In this repo, the backpropagation algorithm in feedforward neural networks is implemented from scratch using C.

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

gmongaras/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: Python - Size: 518 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

MANU-CHAUHAN/minigrad

A from scratch Python based small autograd repo implementing backpropagation with ability to implement Neural Networks.

Language: Python - Size: 16.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

artisan1218/Multi-Layer-Perceptron

Python implementation of a simple MLP without using external packages

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

abhijat01/autodiff.light

Light weight computational framework for deep neural networks

Language: Jupyter Notebook - Size: 6.37 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

Related Keywords
backpropagation-neural-network 53 neural-network 24 backpropagation 21 machine-learning 13 backpropagation-learning-algorithm 12 python 12 neural-networks 11 deep-learning 10 artificial-neural-networks 9 backpropagation-algorithm 8 artificial-intelligence 6 python3 6 numpy 5 feedforward-neural-network 5 data-science 4 activation-functions 3 perceptron 3 sigmoid-activation 3 jupyter-notebook 3 machinelearning 3 neural-networks-from-scratch 3 mnist-classification 3 multi-layer-perceptron 3 backprop 3 gradient-descent 3 object-oriented-programming 2 neuralnetwork 2 machine-learning-algorithms 2 from-scratch 2 deep-neural-networks 2 supervised-learning 2 neuronal-network 2 model 2 forecasting 2 sigmoid-function 2 mnist 2 datascience-machinelearning 2 java 2 ai 2 rnn 1 classification 1 neural-network-python 1 counter-propagation 1 non-convex 1 config 1 github-config 1 k-means-clustering 1 k-means-implementation-in-python 1 logistic-regression 1 neural-network-from-scratch 1 mean 1 normalization 1 regression-algorithms 1 regression-models 1 regularization 1 regularization-methods 1 xor-problem 1 xor-neural-network 1 prediction-model 1 google-colab-notebook 1 iris 1 iris-classification 1 neural-network-example 1 feed-forward-neural-networks 1 iris-dataset 1 numpy-arrays 1 feed-forward 1 oop 1 back-propagation 1 recurrent-neural-networks 1 artificial-intelligence-algorithms 1 andrej-karpathy 1 jax 1 step-by-step-backpropagation 1 language-model 1 lstm 1 microwave-oven 1 image-processing 1 infrared 1 maximum-a-posteriori-estimation 1 maximum-likelihood-estimation 1 posterior-predictive 1 pytorch 1 algorithms 1 c 1 data-structures 1 feedforward-neural-networks 1 mlp-networks 1 softsign 1 artifical 1 automatic 1 deep 1 differentiation 1 learning 1 machine 1 ml 1 network 1 neural 1 nn 1 supervised-machine-learning 1