neural-network-example
There are 47 repositories under neural-network-example topic.
mratsim/Amazon-Forest-Computer-Vision
Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
javascript-machine-learning/color-accessibility-neural-network-deeplearnjs
🍃 Using a Neural Network to improve web accessibility in JavaScript.
javascript-machine-learning/mnist-neural-network-deeplearnjs
🍃 Using a Neural Network to recognize MNIST digets in JavaScript.
umbertogriffo/Minimalistic-Multiple-Layer-Neural-Network-from-Scratch-in-Python
Minimalistic Multiple Layer Neural Network from Scratch in Python.
raymelon/TrafficLightNeuralNetwork
:traffic_light: An Artificial Neural Network based Traffic Light Controller for intersections. Computational Intelligence class final project.
sichkar-valentyn/Matlab_implementation_of_Neural_Networks
Matlab implementation of Neural Networks Results for Alarm-Warning Control System of mobile robot with five Ultrasonic sensors
nathansamsel/mnist_neural_network
An neural network to classify the handwritten digits 0-9 for the MNIST dataset. No NN/ML libraries used.
patrickschur/neural-network
A dead simple neural network. For educational purposes only.
sitomani/gol-deep
Deep learning with Game Of Life
BaseMax/PredictionWikipediaMathematicsVisitsResearch
Improving Prediction of Daily Visits of Wikipedia Mathematics Topics using Graph Neural Networks
gurvanrenault/color-recognition
Recognize color with a neural network
raymelon/TrafficLightNeuralNetwork---TensorFlow
A TensorFlow implementation of TrafficLightNeuralNetwork (ANN-based Traffic Light Controller).
solkin/neuron-java
Simple neural network implementation from scratch
Btsan/myGradientLib
simple C++ auto-differentiation library
kplachkov/Deep-Learning
Essential deep learning algorithms, concepts, examples and visualizations with TensorFlow. Popular and custom neural network architectures. Applications of neural networks.
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.
metinozkan/NeuralNetwork-Linear-Example
NeuralNetwork Linear Example with Java programming language
yojiwatanabe/DeepDreamGUI
A graphical user interface for creating "DeepDream" images. Uses Mathworks' pretrained convolutional neural networks. Requires Neural Network Toolbox and AlexNet support package.
yzoz/rnn-market-prediction
Recurrent neural network for short-term market price prediction using TensorFlow
deepshig/supportbot
ANN based chat bot system
eren23/nn-architecture-examples
A small collection of basic neural networks for different tasks using pytorch.
Fazle-Rabby-Sourav/pattern-recognition-basic
Perceptron, Pseudo Inverse Linear Classifier, SGD, SVM, Batch Gradient Descent, Minibatch Gradient Descent with tensorflow
FredVaugeois/Doodle-Classifier
This project is a reproduction of Mr. Daniel Shiffman (The Coding Train)'s project of the same name with his own toy neural network. This project is made with TensorFlow.js and has a lot of little tweaks and modifications, with more accuracy and a lot more data.
gboduljak/mnist-digit-recognition
A simple feed forward neural network implementation for predicting handwritten digits.
imkalyan/Neuralnetworks
Some algorithms which uses neural networks to solve i.e., forwardpropagation , etc.,
MossbauerLab/ManometerNNAn
A manometer value analyzer experiment using VGG16 and Keras and classification model
mikolaj-mialkowski/NAI_Neural_Network
Project 3 (One Layer)
sgirolkar/AIML-Practice
Sameer Girolkar's AIML practice Notebooks
tomjanke28/neural-network-flappy-bird
A Neural Network learns how to play the "Flappy Bird" on its own.
WestleyB/NeuralNetwork
Understanding Neural Networks
Drambluker/simple-neural-networks
Three simple feedforward neural networks.
fbasatemur/Image_Quality_Assessment_with_ANN
The quality of the images is estimated using FFT transformations. The ANN model was built with Keras and tested using C ++ / CUDA.
RonakMehta21/Manual-Neural-Network
This is the code for implementing the basic neural network with python
Rubiel1/Fashion-Mnist-trained
Trained NN on Fashion-Mnist for FSU machine learning class