artificial-neural-network
There are 129 repositories under artificial-neural-network topic.
casparwylie/Perceptron
A flexible artificial neural network builder to analyse performance, and optimise the best model.
quocviethere/Coursera-Machine-Learning-Specialization
2022 Coursera Machine Learning Specialization Optional Labs and Programming Assignments
olivia-ai/the-math-behind-a-neural-network
Mathematics paper recapitulating the calculus behind a neural network and its back propagation
aika-algorithm/aika
AIKA is a new type of artificial neural network designed to more closely mimic the behavior of a biological brain and to bridge the gap to classical AI. A key design decision in the Aika network is to conceptually separate the activations from their neurons, meaning that there are two separate graphs. One graph consisting of neurons and synapses representing the knowledge the network has already acquired and another graph consisting of activations and links describing the information the network was able to infer about a concrete input data set. There is a one-to-many relation between the neurons and the activations. For example, there might be a neuron representing a word or a specific meaning of a word, but there might be several activations of this neuron, each representing an occurrence of this word within the input data set. A consequence of this decision is that we have to give up on the idea of a fixed layered topology for the network, since the sequence in which the activations are fired depends on the input data set. Within the activation network, each activation is grounded within the input data set, even if there are several activations in between. This means links between activations serve two purposes. On the one hand, they are used to sum up the synapse weights and, on the other hand they propagate the identity to higher level activations.
OSSpk/Handwritten-Digits-Classification-Using-KNN-Multiclass_Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
CarsonScott/HSOM
Hierarchical self-organizing maps for unsupervised pattern recognition
TatevKaren/artificial-neural-network-business_case_study
Business Case Study to predict customer churn rate based on Artificial Neural Network (ANN), with TensorFlow and Keras in Python. This is a customer churn analysis that contains training, testing, and evaluation of an ANN model. (Includes: Case Study Paper, Code)
borgestassio/Wind-Turbine-Control
Controllers designed to the 5MW NREL wind turbine using Simulink and Fast V8
ahmedfgad/KivyAndroidClassification
Image Classification for Android using Artificial Neural Network using NumPy and Kivy.
TheKidPadra/DeepLearning.AI-Deep-Learning-Specialization
This repo contains my work & The code base for this Deep Learning Specialization offered by deeplearning.AI
raymelon/TrafficLightNeuralNetwork
:traffic_light: An Artificial Neural Network based Traffic Light Controller for intersections. Computational Intelligence class final project.
Rober-t/apxr_run
A topology and parameter evolving universal learning network.
kb22/Purchasing-Intention-Prediction
The project trains an Artificial Neural Network which can predict whether a visitor will generate revenue for the company or not.
horrible-dong/DNRT
[ICLR 2024] Dynamic Neural Response Tuning
ches-001/Binary-Segmentation-Network-for-Tumor-Detection-in-MRIs
An approach to tumor detection and segmentation via encoder decoder artificial neural network architecture
SahibzadaSalman/Machine-Learning-with-Python
This repository contains a gentle introduction to machine learning algorithms with hands on practical examples
w4nderlust/cppn-tensorflow
Very Simple and Basic Implementation of Compositional Pattern Producing Network in TensorFlow
oservo/aiFi
A Multi Layer Perceptron (MLP) Artificial Neural Network (ANN) Framework Developed in C for Machine Learning (ML) and Deep Learning (DL)
akinokoika/ANN-recognize-number
Numpy实现的ANN识别手写数字mnist数据集
cesumilo/LoveBrains
LoveBrains is a simulator of artificial intelligence based on a plugin system.
kunalG98/Self-Driving-Car
Self Diving Car Game using Pytorch and Kivy framework in Python
eobi/AIENGINE
ADVANCED COLLECTION OF MACHINE LEARNING ALGORITHMS SMARTLY PUT TOGETHER
manishshettym/CANN
Light weight Artificial Neural Network library written in C
ehsan20e20e/CircularRR_AOPS
The code for the work presented in the research paper titled "***"
akash1309/Artificial-Neural-Network
Artificial Neural Network from basic to advanced using PyTorch
GrahlmanMatthew/Colour-SOFM
A self-organizing feature map which is trained on a random three-dimensional (RGB) input space.
iivanov-code/ANN.Net
C# implementation of standart deep neural network, with different types of neuro activation functions.
OluwaseunOjeleye/Machine-Learning-and-Deep-Learning-Projects
This repository contains a collection of machine learning and deep learning algorithms I implemented from scratch using Python and C++.
Automatus/NeuralNet
Experimental Artificial Neural Network, with non-derivative learning-algorithm
ekramasif/Predict_the_Diabetes
Training an Artificial Neural Network with this dataset and Predict the Diabetes.
manuelsalamino/ANNDL_Competition
Kaggle Competition of Artificial Neural Networks and Deep Learning Course. Image Classification, Segmentation and Visual Question Answering
mohammad-miftakhus-sholikin/academic_website
Personal website
sohamnandi77/intelligent-seat-allocation-system
This is an intelligent seat allocation system made using Flask