Topic: "multi-layer-perceptron"
wagamamaz/tensorflow-tutorial
TensorFlow and Deep Learning Tutorials
Size: 7.81 KB - Last synced at: 19 days ago - Pushed at: about 7 years ago - Stars: 735 - Forks: 210

dcmocanu/sparse-evolutionary-artificial-neural-networks
Always sparse. Never dense. But never say never. A Sparse Training repository for the Adaptive Sparse Connectivity concept and its algorithmic instantiation, i.e. Sparse Evolutionary Training, to boost Deep Learning scalability on various aspects (e.g. memory and computational time efficiency, representation and generalization power).
Language: Python - Size: 67 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 228 - Forks: 65

MBKraus/Predicting_real_estate_prices_using_scikit-learn
Predicting Amsterdam house / real estate prices using Ordinary Least Squares-, XGBoost-, KNN-, Lasso-, Ridge-, Polynomial-, Random Forest-, and Neural Network MLP Regression (via scikit-learn)
Language: Python - Size: 870 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 142 - Forks: 51

RubixML/Sentiment
An example project using a feed-forward neural network for text sentiment classification trained with 25,000 movie reviews from the IMDB website.
Language: PHP - Size: 34 MB - Last synced at: 2 days ago - Pushed at: about 2 years ago - Stars: 112 - Forks: 14

neosapience/mlp-singer
Official implementation of MLP Singer: Towards Rapid Parallel Korean Singing Voice Synthesis (IEEE MLSP 2021)
Language: Python - Size: 81.7 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 111 - Forks: 27

snap-research/MLPInit-for-GNNs
[ICLR 2023] MLPInit: Embarrassingly Simple GNN Training Acceleration with MLP Initialization
Language: Jupyter Notebook - Size: 738 KB - Last synced at: 10 days ago - Pushed at: about 2 years ago - Stars: 77 - Forks: 4

ssatia/strtsmrt
Stock price trend prediction with news sentiment analysis using deep learning
Language: Python - Size: 98.9 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 64 - Forks: 21

wmpscc/CNN-Series-Getting-Started-and-PyTorch-Implementation
我的笔记和Demo,包含分类,检测、分割、知识蒸馏。
Language: Jupyter Notebook - Size: 35.5 MB - Last synced at: 20 days ago - Pushed at: almost 3 years ago - Stars: 61 - Forks: 11

snatch59/cnn-svm-classifier
Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine
Language: Python - Size: 122 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 54 - Forks: 31

molcik/python-neuron
Neuron class provides LNU, QNU, RBF, MLP, MLP-ELM neurons
Language: Python - Size: 11.7 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 40 - Forks: 5

iam-mhaseeb/Multi-Layer-Perceptron-MNIST-with-PyTorch 📦
This repository is MLP implementation of classifier on MNIST dataset with PyTorch
Language: Jupyter Notebook - Size: 106 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 33 - Forks: 28

iamhankai/mini-dnn-cpp
C++ demo of deep neural networks (MLP, CNN)
Language: C++ - Size: 2.39 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 32 - Forks: 11

Gogul09/digit-recognizer-live
Recognize Digits using Deep Neural Networks in Google Chrome live!
Language: JavaScript - Size: 4.45 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 29 - Forks: 21

gtzjh/mymodels
Assemble an efficient interpretable machine learning workflow.
Language: Python - Size: 926 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 22 - Forks: 2

Pale-Blue-Dot-97/Minerva
Minerva project includes the minerva package that aids in the fitting and testing of neural network models. Includes pre and post-processing of land cover data. Designed for use with torchgeo datasets.
Language: Python - Size: 33 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 21 - Forks: 1

SaashaJoshi/raman-spetroscopy-chemical-detection
Deep Convolutional Neural Networks for Raman Spectrum Recognition. (RRUFF dataset)
Language: Jupyter Notebook - Size: 37.8 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 21 - Forks: 14

pranay360/Image_Classification_CIFAR-10
Image Classification on CIFAR-10 Dataset using Multi Layer Perceptrons in Python from Scratch.
Language: Python - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 18 - Forks: 13

kkgadiraju/SatelliteImageClassification
Pixel based classification of satellite imagery - feature generation using Orfeo Toolbox, feature selection using Learning Vector Quantization, CLassification using Decision Tree, Neural Networks, Random Forests, KNN and Naive Bayes Classifier
Language: R - Size: 622 KB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 18 - Forks: 11

VPanjeta/Deep-Learning-Models
Deep Learning Models implemented in python.
Language: Python - Size: 29.3 KB - Last synced at: 11 days ago - Pushed at: about 8 years ago - Stars: 17 - Forks: 12

YannickKae/Financial-Market-Regime-Classification
Value or Momentum? Comparing Random Forests, Support Vector Machines, and Multi-layer Perceptrons for Financial Time Series Prediction & Tactical Asset Allocation
Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 16 - Forks: 2

timmmGZ/MLP-Perceptron-and-Multi-layer-Perceptron-back-propagation-GUI
3 versions of Perceptron: normal Perceptron; Perceptron GUI; Multilayer Perceptron GUI, back propagation,感知机,感知器,BP 神经网络,反向传播,多层感知器,多层感知机
Language: Java - Size: 5.94 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 14 - Forks: 8

elifyilmaz2027/projects
This is the repository containing machine learning and deep learning projects, as well as some presentation slides on these topics.
Language: Jupyter Notebook - Size: 17.2 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 13 - Forks: 1

Lucasc-99/NoTorch
A from-scratch neural network and transformers library, with speeds rivaling PyTorch
Language: Python - Size: 1.15 MB - Last synced at: 7 days ago - Pushed at: about 1 month ago - Stars: 10 - Forks: 1

thieu1995/MetaPerceptron
MetaPerceptron: A Standardized Framework For Metaheuristic-Driven Multi-layer Perceptron Optimization
Language: Python - Size: 287 KB - Last synced at: 11 days ago - Pushed at: 3 months ago - Stars: 10 - Forks: 1

eltontay/Ethereum-Fraud-Detection
Detecting Fraudulent Blockchain Accounts on Ethereum with Supervised Machine Learning
Language: Jupyter Notebook - Size: 506 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 4

nikhilroxtomar/Multi-Layer-Perceptron-in-Python
A multilayer perceptron (MLP) is a feedforward artificial neural network model that maps sets of input data onto a set of appropriate outputs. An MLP consists of multiple layers of nodes in a directed graph, with each layer fully connected to the next one.
Language: Python - Size: 1.95 KB - Last synced at: 9 days ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 8

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: 20 days ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 2

2015xli/multilayer-perceptron
A simple tutorial on multi-layer perceptron in Python
Language: Jupyter Notebook - Size: 55.7 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 0

zsdonghao/stackednet
轻量、易于修改、可组层训练的神经网络 / Lightweight Greedy Layer-Wise Training Neural Network
Language: Python - Size: 55.7 KB - Last synced at: 23 days ago - Pushed at: almost 9 years ago - Stars: 7 - Forks: 5

YongWookHa/Multi-layer-Perceptron
Multi-layer Perceptron from scratch with numpy
Language: Python - Size: 11 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 6 - Forks: 0

romulogmlima/ML-letter-recognition
Applying Machine Learning techniques to identify randomly distorted capital letters in the English alphabet.
Language: Python - Size: 550 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 1

DubiousCactus/Amygdala
An easy to read and Object Oriented implementation of a simple Neural Network using back-propagation and hidden layers, applied on a basic image classification problem.
Language: Python - Size: 94.7 KB - Last synced at: about 12 hours ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 2

sahirnoorali/poker-hand-analysis
Analysis and Prediction of Poker Hand Strength
Language: Python - Size: 849 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 4

Agurato/goceptron
Multi-Layer Perceptron library in Golang & example using the MNIST Image Dataset
Language: Go - Size: 46.7 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 0

YeongHyeon/MLP-Mixer-TF2
TensorFlow implementation of "MLP-Mixer: An all-MLP Architecture for Vision"
Language: Python - Size: 837 KB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

eesungkim/MLP
DNN (DBN) C++ Implementation for MNIST
Language: C++ - Size: 12.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 1

okozelsk/EasyML
An easy-to-use independent machine learning library for .net. It offers MLP models (including deep RVFL aka ELM) for common ML tasks as well as Reservoir Computer for efficiently solving ML tasks on time series data.
Language: C# - Size: 5.47 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 4 - Forks: 0

qperez/ATTIC
AuTomaTic Issue Classifier (ATTIC). ATTIC is multi-layer perceptron model implemented with Scikit-Learn and designed to classify automatically issues as "Bug" or "Non-bug".
Language: Jupyter Notebook - Size: 4.79 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

wildoctopus/heart-disease-detection
Heart disease detection using different classifiers and neural network with feature engineering.
Language: Python - Size: 33.2 KB - Last synced at: 2 days ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 1

sagniknitr/Soft-Computing-Lab
Lab experiments on Neural Networks for Undergraduate ECE Students, NIT Rourkela
Language: MATLAB - Size: 12.9 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

ZdrzalikPrzemyslaw/Machine-Learning
Implementations of Machine Learning algorithms in Python
Language: Python - Size: 53.3 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 0

PaluMacil/gophernet
a multilayer neural net written in go
Language: Go - Size: 702 KB - Last synced at: 8 months ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1

vishaal27/DTI-CF
An application of Neural Collaborative Filtering & Deep Matrix Factorization on Drug Target Interactions
Language: Python - Size: 23.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 1

Fpculcasi/Artificial-Intelligence-activity-recognition
Developing of a neural system, a Mamdani-type fuzzy inference system and a Sugeno-type fuzzy inference system for the identification of a volunteer position/activity
Language: Matlab - Size: 16.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 0

MJAHMADEE/MLP_Regression
Multi-Layer Perceptron, MLP, Regression
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

ximinng/Deep-Learning-in-Action
A collection of various deep learning architectures, models, and tips for PyTorch.
Language: Jupyter Notebook - Size: 1010 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

rossGardiner/AudiClean
AudiClean is an event driven audio processing libary which implements adaptive LMS and DNF filters as an extension of the Sound eXchange (SoX) package for audio processing.
Language: C++ - Size: 4.56 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 1

msarnacki/online-news-popularity-classification
This was a binary classification task in which I had to determine if and article got at least 1400 shares. I wanted to use few different machine learning algorithms to compare their accuracy on that data. I chose to use: Decision Tree, Random Forests and Multi Layer Perceptron.
Language: Jupyter Notebook - Size: 9.53 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

toohidsharifi/200kW-water-cooled-surface-mounted-permanent-magnet-synchronous-motor
Optimal cooling system design and thermal analysis for a totally new electric motor.
Size: 13.6 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

vktr274/MLP-Fashion-MNIST
Simple MLP implementation in Tensorflow and PyTorch for the Neural Networks course @ FIIT STU
Language: Jupyter Notebook - Size: 2.62 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

mamathew98/Intelligent-Information-Retrieval-Projects
Projects of the Intelligent Information Retrieval course @ Tehran University
Language: Python - Size: 31.8 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

ttsudipto/PulmoPred
Classification of obstructive and non-obstructive pulmonary diseases on the basis of spirometry using ML
Language: HTML - Size: 15.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

TomasDavidYe/deep-learning-lib-java
A small library for training MLP models that I have written in Java back when I was a bachelor student before I found out about TensorFlow.
Language: Java - Size: 815 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

hanzopgp/DeepLearningLib
Deep learning library from scratch (MLP/CNN/Auto-Encoder etc...). Contains some experiences on MNIST/CIPHAR datasets + report.
Language: Python - Size: 7.83 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

chasebk/code_ISLO_ELM
A study on swarm intelligence optimizing neural networks for workload elasticity prediction
Language: Jupyter Notebook - Size: 152 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

JoeyLee-22/MLP-From-Scratch
A multi-layer perceptron from scratch using Python and NumPy to classify the mnist dataset with a ~95% accuracy
Language: Python - Size: 44.9 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

prateekiiest/Building-Artificial-Neural-Networks
Artificial Neural Network Algorithms
Language: Jupyter Notebook - Size: 1.58 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

zahraDehghanian97/Multilayer_Perceptron
In this Repo. a Multilayer Perceptron is implemented. Both Regression and Classification task is done on yearpredictionmsd dataset.
Language: Jupyter Notebook - Size: 1.77 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

Yalikesifulei/machine_learning
Some Machine Learning tools with NumPy. Neural network for multiclass classification with backprop, PCA (principal component analysis). Usage examples included. Made according to Andrew Ng ML course.
Language: Jupyter Notebook - Size: 385 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

R-Aravind/MNIST
Getting familiar with image classification using Multi Layered Perceptron on MNIST Handwritten digits and MNIST Fashion datasets.
Language: Jupyter Notebook - Size: 104 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

lukago/nn
Plain Java neural networks. Kohonen SOM, neural gas, k-means, multilayer perceptron
Language: Java - Size: 2.37 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

danakianfar/deep_learning
Solution to the labs of the Deep Learning course of the MSc in Artificial Intelligence at the University of Amsterdam
Language: TeX - Size: 31.7 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 10

aidenyg/Handwritten-Names-Recognition Fork of ikergarcia1996/Handwritten-Names-Recognition
The goal of this project is to solve the task of name transcription from handwriting images implementing a NN approach.
Language: Jupyter Notebook - Size: 158 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

anishsingh20/Vowel-Recognition
Speaker independent recognition of the eleven steady state vowels of British English using a specified training set of lpc derived log area ratios.
Language: R - Size: 416 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 1

paulrox/MPG_Prediction
Given a dataset containing car attributes, use MLP and RBF networks to predict the Miles per Gallon consumption
Language: Matlab - Size: 1010 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 2

reecebenson/uwe-ai-mla
My implementation of Multi-layer Perceptron Neural Networks for Artificial Intelligence
Language: C - Size: 33.2 KB - Last synced at: 12 months ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 0

DaHoC/mlp
Multi-Layer Perceptron in Java
Language: Java - Size: 285 KB - Last synced at: about 2 years ago - Pushed at: over 14 years ago - Stars: 2 - Forks: 0

apotursun963/NeuralNet-Insights
Bu repo, Yapay Sinir Ağları (YSA) hakkında hem teorik hem de pratik bilgileri bir arada sunmaktadır. Yapay Sinir Ağlarının temel prensiblerini, nasıl çalılştıklarını ve temel bileşenlerini detaylı bir şekilde inceleyeceksinisz.
Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

firelord97/Spike-Detection-using-Neural-Nets
Neural network-based approach for detecting spikes in high-density neural data using Multi-Layer Perceptron models
Size: 1.72 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

FundaSubasi/ai_project_3_group_3
Disease prediction using neural networks
Language: Jupyter Notebook - Size: 20.8 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

chutrunganh/Fraud-Credit-Card-Detection-Group-17
🤖 The Fraud Credit Card Detection project aims to identify fraudulent transactions in credit card usage through the application of various machine learning methods, thereby improving the security of credit card operations and safeguarding users' financial assets.
Language: Jupyter Notebook - Size: 196 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1

SiddharthDhirde/Intro-to-Neural-Networks
Implement neural networks from scratch with Micrograd. Learn derivatives, neurons, layers, and more through step-by-step Jupyter notebooks
Language: Jupyter Notebook - Size: 2.73 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

Mrugank97/NeuroCast
Comparative CO2 Forecasting with MLP, MA, and ARIMA on Mauna Lua Data
Language: Jupyter Notebook - Size: 1020 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

m-strzelec/mlp-neural-network
Train and test a Multi-layer Perceptron (MLP) neural network.
Language: Python - Size: 15.6 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

JohannesBroens/Machine-Learning-based-Automatic-Quality-Control-of-Greenlantic-Climate-Data
Small snippets of my bachelors project I made in coorporation with The Danish Meteorological Institute
Language: Jupyter Notebook - Size: 55.7 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

MohammadYasinKarbasian/Data-Mining-Homeworks
This repository contains my solutions and implementations for assignments assigned during the Data Mining course.
Language: Jupyter Notebook - Size: 5.11 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

thiagodsd/ppgcc-deep-learning-pinn
Graduate deep learning course projects: Physics-informed neural networks for simulating physical systems and CNN-based wildfire prediction models.
Language: Jupyter Notebook - Size: 212 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 2

henriqueedu2001/Perceptron
Implementation of a Multilayer Perceptron from "scratch", using just numpy and pandas
Language: Python - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

NoahFeldt/ANN-From-Scratch
Implementation of a multi layer perceptron artificial neural network from scratch that is tested using the MNIST dataset.
Language: Python - Size: 380 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

toohidsharifi/Interface-between-MATLAB-and-ANSYS-Electroncis-Desktop
A simple code for running ANSYS Electronics Desktop (ANSYS Maxwell) from MATLAB.
Size: 19.5 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

hassanzadehmahdi/Classifying-Thyroid-Disease-Dataset-using-Multi-Layer-Perceptron
An implementation of multi-layer perceptron for classifying thyroid disease dataset
Language: Python - Size: 115 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 1

psavarmattas/Stroke-Prediction-ML-Model
This is just a theoretical Machine Learning Model that will analyze the data and determine where the stroke can occur.
Language: Jupyter Notebook - Size: 7.16 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

SaajanBhatia/neural-network
A repo containing research on Neural Networks, Perceptrons, Machine Learning Algorithms and other AI related ventures.
Size: 0 Bytes - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

TomMakesThings/Computational-Intelligence-Neural-Network
A computational intelligence project to train a feed-forward multi-layer perceptron network with a genetic algorithm to approximate a function
Language: Jupyter Notebook - Size: 1.44 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

ChrisNick92/MnistDigitRecognizer
Practicing some Deep Learning frameworks by recognizing handwritten digits
Language: Jupyter Notebook - Size: 24.8 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

martinetoering/Deep-Learning
Deep Learning methods using MLPs, CNNs and Backpropagation, RNNs, and Deep Generative Models (November, 2019).
Language: Python - Size: 4.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Umbreller-F/data-analysis-and-practice-3
Language: Jupyter Notebook - Size: 1.88 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

abhinav-bhardwaj/PyTorch-MNIST-QMNIST-HandWritten-Digit-Recognition-Multi-Layer-Perceptron
Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

ananyaroy1011/Fake-News-Classification
Given the title of a fake news article A and the title of a coming news article B, program classifies B into agree, disagree, and unrelated.
Language: HTML - Size: 410 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

hanzopgp/NeuralNetworkFromScratch
This is a multi-layer perceptron build from scratch using numpy and python.
Language: Python - Size: 1.16 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Macedo-SF/Computational-Intelligence
Learning with sklearn diabetes and iris flower dataset, single and multiple linear regression, classification with multi-layer perceptron, kneighbors and support vector machines.
Language: Python - Size: 68 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

Mauzey/Diabetes-Prediction
A multi-layer perceptron which predicts whether an individual is susceptible to diabetes
Language: Python - Size: 41 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

thisIsTheFoxe/DMML 📦
Implementation of a Multi-Layer-Perceptron (MLP)
Language: Python - Size: 268 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

mmarouen/Deep-Neural-Net
Flexible deep learning neural network. Implements a multi layer perceptron and autoencoders.
Language: R - Size: 65.4 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

cnrkaya/multi-layer-perceptron
An implementation of multi layer perceptron in python from scratch
Language: Python - Size: 519 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

hidiryuzuguzel/Wine-Quality-Prediction
ANN model which predicts wine quality
Language: MATLAB - Size: 282 KB - Last synced at: 10 months ago - Pushed at: over 5 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: almost 6 years ago - Stars: 1 - Forks: 0

H4CK3Rabhi/Multi-Layered-Neural-Network-Python
A Multi Layered Neural Network With backpropgation it is implimented in python
Language: Python - Size: 1.95 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

r13i/feedforward-neural-network
An implementation of a Multi-Layer Perceptron in C++
Language: C++ - Size: 40 KB - Last synced at: 26 days ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

Mohit-Nathrani/digit-classifier
Handwritten Digit Recognition by Neural Networks
Language: Jupyter Notebook - Size: 7.88 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0
