Topic: "backpropagation-learning-algorithm"
Lucifier129/factor-network
A simple factor network implementation written by JavaScript
Language: JavaScript - Size: 35.9 MB - Last synced at: 13 days ago - Pushed at: over 7 years ago - Stars: 540 - Forks: 46

fotisk07/Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Language: Jupyter Notebook - Size: 87.4 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 136 - Forks: 56

prakashjayy/medium_blogs
medium blog supplementaries | Backprop | Resnet & ResNext | RNN |
Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 72 - Forks: 44

fotisk07/Image-Classifier
Final Project of the Udacity AI Programming with Python Nanodegree
Language: Jupyter Notebook - Size: 25.7 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 71 - Forks: 46

ankitesh97/Gesture-Recognition-CNN
A CNN model in numpy for gesture recognition
Language: Python - Size: 17.7 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 37 - Forks: 11

petrvacha/Character-recognition-by-neural-network
Back Propagation, Python
Language: Python - Size: 260 KB - Last synced at: 6 days ago - Pushed at: almost 14 years ago - Stars: 36 - Forks: 24

umbertogriffo/Minimalistic-Multiple-Layer-Neural-Network-from-Scratch-in-Python
Minimalistic Multiple Layer Neural Network from Scratch in Python.
Language: Python - Size: 805 KB - Last synced at: 22 days ago - Pushed at: over 7 years ago - Stars: 26 - Forks: 10

Imperial-College-Data-Science-Society/Neural-Networks
ICDSS Machine Learning Workshop Series: Neural Networks
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 17 - Forks: 7

youness-elbrag/Nano-AutoGrad
Micro-Framework for building and Training Neural Network from Scratch based AutoGrad Engine
Language: Python - Size: 36.9 MB - Last synced at: 27 days ago - Pushed at: almost 2 years ago - Stars: 9 - Forks: 0

lucasb-eyer/Backprop.jl
Textbook implementation of backprop (from the Jacobian point of view) in Julia.
Language: Julia - Size: 7.81 KB - Last synced at: about 2 months ago - Pushed at: over 8 years ago - Stars: 9 - 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

clarkzinzow/Machine-Learning-and-Signal-Processing-Algorithms
MATLAB implementations of a variety of machine learning/signal processing algorithms.
Language: Matlab - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: almost 9 years ago - Stars: 8 - Forks: 4

codingXiang/BPN
Language: Python - Size: 1.01 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 4

chen0040/java-ann-mlp
Package provides java implementation of multi-layer perceptron neural network with back-propagation learning algorithm
Language: Java - Size: 177 KB - Last synced at: 2 months ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 2

Rocky111245/Flux-A-Custom-Educational-Deep-Learning-Framework
This neural network framework, built entirely from scratch in C++, offers a robust educational platform for deep learning. It features a custom matrix library and a handcrafted mathematical gradient computation engine, designed to teach neural networks from first principles. I am the sole developer and contributor to this project.
Language: C++ - Size: 11.5 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 6 - Forks: 0

etrommer/agn-approx
Code for the paper "Combining Gradients and Probabilities for Heterogeneours Approximation of Neural Networks"
Language: Python - Size: 2.18 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 6 - 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 1 month ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 3

gilbertobastos/perceptron-multicamadas-js
Implementação simples da rede neural Perceptron Multicamadas em Javascript.
Language: JavaScript - Size: 8.79 KB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 6 - Forks: 3

zavalit/neural-network-example
Scala implementation of multi-layer deep-learning algorithm
Language: Scala - Size: 9.77 KB - Last synced at: 23 days ago - Pushed at: about 6 years ago - Stars: 5 - 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: 5 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 2

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
Language: Jupyter Notebook - Size: 1.06 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 3

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

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

vrn25/Machine-Learning-Coursera
Solutions to Coursera's Intro to Machine Learning course in python
Language: Jupyter Notebook - Size: 21.8 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 4

bundit/neural-network-digit-recognition
Multi-layered Convolutional Neural Network written in C++11
Language: C++ - Size: 11.1 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 2

DaHoC/backprop
Derivation of backpropagation of error formula in laTeX
Language: TeX - Size: 266 KB - Last synced at: about 2 years ago - Pushed at: almost 11 years ago - Stars: 4 - Forks: 2

Haleshot/AI-ML-DL-NLP-CV
This Repository consists of programs related to AI-ML-DL-NLP-CV. Few examples include - KNN, Naive Bayes, Decision Trees, EDA etc.
Language: Jupyter Notebook - Size: 84.6 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 3 - Forks: 1

IgnacioPardo/SNN
Simple Neural Network - Inspirado en https://github.com/jonasbostoen/simple-neural-network
Language: Jupyter Notebook - Size: 108 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 3 - Forks: 2

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).
Language: Python - Size: 1.63 MB - Last synced at: 7 days ago - Pushed at: 12 months ago - Stars: 3 - 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

mtimjones/backprop
Neural Network demonstration with Backpropagation learning and the Iris dataset.
Language: C - Size: 4.88 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 6

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.
Language: Python - Size: 25.4 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 2

dstallenberg/NormalFeedForwardNeuralNet
Easy to use neural network library in java
Language: Java - Size: 344 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 1

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

maael/node-ann
:computer: A node package implementation of a Artificial Neural Network in JavaScript with Backpropagation learning algorithm.
Language: JavaScript - Size: 41 KB - Last synced at: 7 days ago - Pushed at: over 8 years ago - Stars: 3 - Forks: 0

LuisFelipePoma/Machine_Learning
Learning about the algorithms used in machine learning, along with techniques for training and testing models.
Language: Jupyter Notebook - Size: 17.3 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 2 - 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

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.
Language: Java - Size: 60.5 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

ChaitanyaC22/Neural-Network-using-Numpy
Introduction to Neural Networks (Create a neural network using Numpy)
Language: Jupyter Notebook - Size: 15.8 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

yuryalencar/BackpropagationInPython
This algorithm is a backpropagation developed using Python
Language: Python - Size: 3.91 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 3

devhima/AI-Color-Predictor
Simple neural network with only one layer that learns to classify 2 colors
Language: Python - Size: 4.52 MB - Last synced at: 7 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 7

JBAhire/BackPropNN
Backpropagation implementation using Julia
Language: Julia - Size: 10.7 KB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

aditya9211/MNIST-Classification-with-NeuralNet
MNIST Handwritten Digits Classification using 3 Layer Neural Net 98.7% Accuracy
Language: Python - Size: 9.77 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 3

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: almost 8 years ago - Stars: 2 - Forks: 1

wichersn/nn_from_scratch
Implements a simple neural network without using neural network libraries.
Language: Python - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 1

Nazanin1369/miniFlow
Building a Neural Network from scratch
Language: Python - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 0

damien-mattei/AI_Deep_Learning
Artificial Intelligence, Deep Learning: training an artificial neural network using backpropagation with gradient descent .
Language: Python - Size: 2.43 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

Prathameshchakote/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 Notebook - Size: 431 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

rehan-ankalgi-7t2/AI-ML-lab-programs
(VTU) aritficial Intelligence and machine learning practical programs and algorithms
Language: Jupyter Notebook - Size: 380 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

ccnlab/leabra
Papers / documentation on Leabra, DeepLeabra, etc
Language: TeX - Size: 444 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - 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: 2 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

saeid436/Function_Approximation-MLP
Function approximation using Multilayer Perceptron (MLP)
Language: MATLAB - Size: 1000 Bytes - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

ManindraDeMel/Deep-Deblurring 📦
Utilizing deep learning to deblur images
Language: Python - Size: 14.8 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

thomastrg/DeepLearningPracticalWorks
Neural networks and deep learning practical works
Language: Jupyter Notebook - Size: 1.61 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

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: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

fellypesb/backpropagation
Implementação do algoritmo backpropagation para machine learning com RNA's
Language: Python - Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

tgll/neuralnetworks-labs
perceptron, backprop, RBF, SOM, hopfield nets, autoencoders (no external ML libs)
Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

maxmanus96/Pattern-Recognition
This project made with MATLAB. It's about machine learning. Artificial Neural Network in the form of Multilayer Perceptron.
Language: Mercury - Size: 24.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

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

WalkingBread/multi-layer-neural-network
Lightweight multi-layer neural network library implemented in pure javascript.
Language: JavaScript - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 1 - 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

fvalle1/neuralC Fork of gabrielefronze/neuralC
Implementation of a neural network
Language: C++ - Size: 1.4 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

somefunAgba/deeplearningWithMatlabinPy
Investigating the Behaviour of Deep Neural Networks for Classification
Language: Python - Size: 1.15 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

itsron143/Neural-Network-XOR
Using BackPropagation Algorithm to solve XOR.
Language: Python - Size: 2.93 KB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

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: almost 7 years ago - Stars: 1 - Forks: 1

Aiden-Jeon/Backpropagtion
Backpropagation with numpy
Language: Python - Size: 736 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

Prakash7895/Character-Recognition-using-Backpropagation
Language: Python - Size: 3.2 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 1

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

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: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

stanbar/Neural-Network-Gender-Classification
Neural Network project detecting gender from images using backpropagation learning algorithm
Language: Java - Size: 8.41 MB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

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

Gaurang18/HandWritten-Digit-Recognition
Language: Matlab - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 2

cserajdeep/ML-Tutorials
My repository for python implementation of a few prominent machine learning algorithms
Language: Jupyter Notebook - Size: 1020 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

fatimagulomova/deep-learning-course
Deep Learning Courses
Language: Jupyter Notebook - Size: 13.4 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Dinakarnayak/DeepLearningAssignments
A collection of deep learning assignments covering RNNs, LSTMs, hyperparameter tuning, regularization, and advanced optimization techniques, providing hands-on experience with state-of-the-art neural network models and training strategies.
Language: Jupyter Notebook - Size: 10 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

SHIVAMAMBAH/Backpropagation-Algorithm
Backpropagation Algorithm
Size: 42 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Egxr41k/ConsoleGames
Neural Network for tic-tac-toe game.
Language: C# - Size: 6.12 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

abisliouk/IE678-DeepLearning-Assignments
This is a repository with the assignments of IE678 Deep Learning course at University of Mannheim.
Language: Jupyter Notebook - Size: 25 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Herqules/Machine-Learning-Models
A comprehensive suite of Python-based machine learning models for predictive analytics, employing different evolutionary algorithms for data analysis across various topics.
Language: Python - Size: 18.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

mbofos01/BackPropagation-XOR
A Java implementation of Back Propagation using Java solving the XOR example.
Language: Java - Size: 3.5 MB - 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

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

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

dersiwi/unit-circle-FFNN
A feed forward neural network from scratch, that descicdes weather a point lies within the unit circle or not
Language: Python - Size: 95.7 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

OsamaAlRashed/BackPropagation
Build your Neural Network using Back Propagation Algorithm.
Language: C# - Size: 8.79 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

SteelRaven7dev/image-classification-neural-networks
for my research project
Size: 354 KB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

knibesh/backpropagation_algorithm
AI_Backpropagation Algorithm
Language: C++ - Size: 0 Bytes - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

AlbertoCampini/Visual-Backpropagation
Algoritmo Backpropagation su rete Feed Forward
Language: TypeScript - Size: 35.2 KB - Last synced at: over 2 years ago - Pushed at: over 2 years 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

greenDev7/DigitRecognitionCanvas
Created with CodeSandbox
Language: Vue - Size: 1.1 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mbofos01/BackPropagation-Letters
A Back-Propagation implementation using Java that makes hand-written letter recognition.
Language: Java - Size: 7.27 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mxhammadali/Stock-Market-Prediction-Software
Dissertation for BEng degree.
Size: 2.76 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

andirian98/QCM-Sensor-Alcohol-Prediction-using-BPNN-Project
This is Backpropagation Neural Network project using QCM Sensor Alcohol Dataset to be predicted with 5 different classes {octanol, propanol, butanol, propanol and isobutanol}using that neural network
Language: Jupyter Notebook - Size: 103 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Ulqiora/MLP
Нейросеть для распознавания англоязычных букв(Не завершён)
Language: C++ - Size: 1.29 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

BrunoFrancesco97/SudokuSolver
Sudoku Solver using a constraint satisfaction approach based on constraint propagation and backtracking and another one based on Relaxation Labeling
Language: Python - Size: 601 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

janivkk/neural-network
Artificial Intelligence - Assessment 1
Language: Python - Size: 50.8 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

AditiBagora/LogisticRegression 📦
Implementation of logistic regression
Language: Jupyter Notebook - Size: 326 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

saeid436/Classifier-Combination
Combine two Classifiers which are trained on different features...
Language: MATLAB - Size: 3.49 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

saeid436/Face-Recognition-MLP
Face Recognition using Multilayer Perceptron(MLP) on ORL Dataset
Language: MATLAB - Size: 3.49 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0
