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

GitHub topics: multi-layer-perceptron

SirBleu/Intelligent-Analytics-Artificial-Neural-Networks

This repository contains my work and learnings from a class on Intelligent Analytics. It contains works on Percetrons, Support Vector Machines, Deep Learning methods, Dimensionality Reduction, Decision Trees, Ensemble methods and so much more. It's for my continous learning on the subject

Size: 1.95 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

rdxdfulll/ClassifiersCommittee

🌧️ Predict rainfall in Australia using various classification algorithms and enhance your data science skills with the ClassifiersCommittee project.

Language: Jupyter Notebook - Size: 5.54 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

colinrizzman/Neural-Romance

A neural network calculates your chance of finding love.

Language: Python - Size: 3.22 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

CS-UWC/OralSmart

OralSmart is a Django web application for pediatric oral health risk assessment with AI-powered predictions. It provides comprehensive dental and dietary screening with machine learning-based risk classification for healthcare professionals.

Language: Python - Size: 21.3 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

gtzjh/mymodels

Assemble an efficient interpretable machine learning workflow.

Language: Python - Size: 2.75 MB - Last synced at: 25 days ago - Pushed at: 26 days ago - Stars: 25 - Forks: 3

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.3 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 22 - Forks: 1

ahmadrazacdx/neuro-scope

A microscope for informed training of multi-layer perceptron, diagnosing training issues at granular level and accelerating learning and rapid prototyping.

Language: Python - Size: 14.7 MB - Last synced at: 21 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

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: 24 days ago - Pushed at: 4 months ago - Stars: 115 - Forks: 14

MuhammadSayyadkhan/Deep-Learning

A simple deep learning repository covering ANN, CNN, Transfer Learning, and Sequence Models (RNN, LSTM, GRU) with easy explanations of core concepts.

Language: Jupyter Notebook - Size: 1.77 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

falkosch/edu.yaprnn

Demonstrates how a MLP-NN can be used to classify image and sound data. Example data set consists of images / sound files of digits. We (team of 5-6 students) developed the demo for a machine learning course.

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

SushiSystems/SushiAI

Physics-Informed Deep Learning Framework for Simulation Development.

Language: C++ - Size: 153 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 4 - Forks: 0

MachineNeyarning/ClassifiersCommittee

Comitê de Classificadores | Projeto N1

Language: Jupyter Notebook - Size: 5.75 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 4 - Forks: 0

ArshiaMozafari/mlp-from-scratch

This repository contains a basic implementation of a 2-layer Multi-Layer Perceptron (MLP) from scratch using NumPy. The network is designed for regression tasks using Mean Squared Error (MSE) as the loss function.

Language: Jupyter Notebook - Size: 119 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

molcik/python-neuron

Neuron class provides LNU, QNU, RBF, MLP, MLP-ELM neurons

Language: Python - Size: 11.7 KB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 41 - Forks: 6

NIGMS/Structural-Biology-and-Drug-Discovery

This repository provides a comprehensive module on structural biology and drug discovery, covering protein structure, docking, and drug design. It runs on Google Cloud Platform using Jupyter notebooks and includes tools like PyMOL and AutoDock.

Language: HTML - Size: 53.9 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Maki-Grz/mlp-mini-burn

MLP Mini Burn is a Rust-based learning project demonstrating a Multi-Layer Perceptron (MLP) implementation using the Burn deep learning framework.

Language: Rust - Size: 3.91 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

tad-price/ecotox-toolkit

ML models for predicting ecotoxicity of chemicals on aquatic species

Language: Jupyter Notebook - Size: 45 MB - Last synced at: 4 months ago - Pushed at: 4 months 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: 10 days ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 2

RezaSaadatyar/Machine-Learning-with-MATLAB

This repository contains a MATLAB-based Machine Learning Software (MLS) offers advanced biomedical signal processing with an intuitive GUI for analyzing EEG, ECG, and EMG. Features include noise filtering, feature extraction, dimensionality reduction, and customizable machine learning algorithms for tailored classification and analysis.

Language: MATLAB - Size: 26.2 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

thieu1995/MetaPerceptron

MetaPerceptron: A Standardized Framework For Metaheuristic-Driven Multi-layer Perceptron Optimization

Language: Python - Size: 343 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 12 - Forks: 1

0xdeafc0de/perceptron

Minimal perceptron implementation to make it suitable for educating DNN

Language: C - Size: 27.3 KB - Last synced at: 5 months ago - Pushed at: 5 months 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: 3 months ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

fedesss98/kc-predict

ETa and Crop Coefficient predictions via Machine Learning models

Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1

wmpscc/CNN-Series-Getting-Started-and-PyTorch-Implementation

我的笔记和Demo,包含分类,检测、分割、知识蒸馏。

Language: Jupyter Notebook - Size: 35.5 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 63 - Forks: 11

oservo/aiFi

A Multi Layer Perceptron (MLP) Artificial Neural Network (ANN) Framework Developed in C for Machine Learning (ML) and Deep Learning (DL)

Language: C - Size: 8.82 MB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 10 - Forks: 4

NTU-CCA/EE7207

EE7207 Neural & Fuzzy Systems

Language: Python - Size: 40.6 MB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 22 - Forks: 0

wagamamaz/tensorflow-tutorial

TensorFlow and Deep Learning Tutorials

Size: 7.81 KB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 734 - Forks: 210

allelbhagya/multi-layer-perceptron

implemented multi layer perceptron for XOR from scratch

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

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: 6 months ago - Pushed at: over 1 year ago - Stars: 34 - Forks: 2

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: 4 months ago - Pushed at: almost 7 years ago - Stars: 62 - Forks: 31

PaluMacil/gophernet

a multilayer neural net written in go

Language: Go - Size: 702 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

drkocoglu/Multiphase-Production-Forecasting-Models

Deep Learning Models for Forecasting Multiphase Production Time Series Data

Language: Jupyter Notebook - Size: 8.25 MB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

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: 8 months ago - Pushed at: 8 months ago - Stars: 4 - Forks: 0

chihiroanihr/COMP472-A1_F2021

This COMP472 AI project implements text classification on BBC news articles and drug classification using various machine learning algorithms. It utilizes Python and scikit-learn to preprocess data, train models, and analyze performance, focusing on Naive Bayes, Decision Trees, and Neural Networks.

Language: Python - Size: 6.94 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Lucasc-99/NoTorch

A from-scratch neural network and transformers library, with speeds rivaling PyTorch

Language: Python - Size: 1.15 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 10 - Forks: 1

phrugsa-limbunlom/multi-regressor-ann

The project implements the Artificial Neural Network for 2D-landing control system without external libraries.

Language: Python - Size: 4.27 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Tosin-Wale/Intelligent-Analytics-Artificial-Neural-Networks

This repository contains my work and learnings from a class on Intelligent Analytics. It contains works on Percetrons, Support Vector Machines, Deep Learning methods, Dimensionality Reduction, Decision Trees, Ensemble methods and so much more. It's for my continous learning on the subject

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

b2b3nchy/DP-MLP

Default Prediction Multi-Layer-Perceptron Model

Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

matakshay/DeepRL-for-Delayed-Rewards

Deep RL for Temporal Credit Assignment in decision processes with delayed rewards

Language: Jupyter Notebook - Size: 5.24 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 2

durjoydutta/NeuroLite

A simple & lightweight neural network, built from scratch

Language: Jupyter Notebook - Size: 5.97 MB - Last synced at: 5 months ago - Pushed at: 9 months ago - Stars: 0 - 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: 9 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

kkKaan/a-deep-learning-library-implementation-403-hw2

A PyTorch-like library for training multilayer perceptrons.

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

nlacey111/Machine-Learning

Machine Learning projects from undergrad.

Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - 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: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

Kimiarfaie/Student-Performance-Prediction

Predicting students' success or risk of dropping out. Coursework for Data Science course at UGR.

Size: 6.22 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

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: 7 months ago - Pushed at: over 2 years ago - Stars: 77 - Forks: 4

feed0/ann-university

Artificial Neural Networks university subject

Language: Jupyter Notebook - Size: 632 KB - Last synced at: 3 months ago - Pushed at: 12 months ago - Stars: 0 - 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: 5 months ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 4

tanzita/tf_asr

Improving Deep Neural Networks Based Speech Recognition System For Far-field Speech

Language: Python - Size: 54.7 KB - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

agnibho-chattarji/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: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

kmock930/Texture-Image-Comparison

This project aims to build a model which classifies the type of an unseen image as accurate as possible, by implementing, evaluating, and comparing amongst 2 different multi-layer perceptron Neural Networks.

Language: Jupyter Notebook - Size: 205 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

bagheri365/ML-Models-for-Classification

Tour of Machine Learning Algorithms for Binary/Multiclass Classification

Language: Jupyter Notebook - Size: 852 KB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 8 - Forks: 1

MJAHMADEE/MLP_Regression

Multi-Layer Perceptron, MLP, Regression

Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

ruoheng-du/machine-learning

Machine Learning | Fall 2023

Language: Jupyter Notebook - Size: 2.65 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

FundaSubasi/ai_project_3_group_3

Disease prediction using neural networks

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

mzkki25/multi-layer-perceptron

Tugas Besar Machine Learning

Language: Jupyter Notebook - Size: 128 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - 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: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

hidiryuzuguzel/Wine-Quality-Prediction

ANN model which predicts wine quality

Language: MATLAB - Size: 282 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

merkol/CS554

Introduction to Machine Learning and Artificial Neural Networks

Language: Python - Size: 5.77 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - 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: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

SCUS3/Classification-Model-Evaluation

This project provides a comprehensive framework for evaluating classification models and selecting the best algorithm based on performance metrics. It demonstrates the importance of hyperparameter tuning and model comparison in machine learning workflows.

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

Jayveersinh-Raj/ncf_recommender_system

Neural collaborative filtering recommendation system on Movie lens 100k dataset

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

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: over 1 year ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 1

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

jmaczan/mlp-classifier

🤗 Multi-Layer Perceptron artificial neural network

Language: Python - Size: 661 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

m-strzelec/mlp-neural-network

Train and test a Multi-layer Perceptron (MLP) neural network.

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

harryawk/NasiPadang

Machine Learning Algorithm Implementation using Naive Bayes and Feed Forward Neural Network

Language: Java - Size: 18.4 MB - Last synced at: over 1 year ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 1

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

mllite/sklearn2json

A tool to jsonify some sklearn and xgboost models. A high level serialization that works across programming languages. Used for mllite tests.

Language: Python - Size: 117 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - 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: over 1 year ago - Pushed at: about 7 years ago - Stars: 1 - 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: 3 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

Samashi47/Multi-Layer-Perceptron

Implementation of simple perceptron and MLP Classifiers in Python

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

mohammadzainabbas/Deep-Learning-Lab-CS

👨🏻‍💻 Lab Work for Deep Learning at CentraleSupélec ✨

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

iamhankai/mini-dnn-cpp

C++ demo of deep neural networks (MLP, CNN)

Language: C++ - Size: 2.39 MB - Last synced at: 8 months ago - Pushed at: almost 2 years ago - Stars: 32 - Forks: 11

umangrmehta/image-orientation-classifier

Identifying Image Orientation using Supervised Machine Learning Models of k-Nearest Neighbors, Adaboost and Multi-Layer Feed-Forward Neural Network trained using Back-Propagation Learning Algorithm

Language: Python - Size: 6.83 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 1

mamathew98/Intelligent-Information-Retrieval-Projects

Projects of the Intelligent Information Retrieval course @ Tehran University

Language: Python - Size: 31.8 MB - Last synced at: 10 months ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

vicaaa12/Deep-Neural-Networks

Neural Network

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

Megh-Bhatt/Object_Detection_Project

This code tackles the classic Fashion MNIST image classification task using TensorFlow and a multi-layer perceptron (MLP) neural network.

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

manashpratim/Deep-Learning-From-Scratch

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

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

Gtothemoon/Zero2FCNN

Building fully connected neural network from zero without using deep learning libraries such as Pytorch.

Language: Python - Size: 12.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

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

chawla201/The-Winton-Stock-Market-Challenge

Stock Returns Prediction

Language: Jupyter Notebook - Size: 97.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

casychow/neslam 📦

Custom integration of Neural Radiance Fields (NeRF) and Visual Simultaneous Localization and Mapping (VSLAM) based in NerfStudio.

Language: Python - Size: 57.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

NMPoole/CS5014-MLVisualAttributes

Case study of multi-layer perceptron and random forest techniques as applied to a subset of the GQA dataset.

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

Efesasa0/mlp-backprop-two-moons

EE456 2022 mini project implementation of two-moons problem using multi-layer-perceptron with back-propagation with analyzing performance of initializing methods and momentum rule

Language: MATLAB - Size: 5.31 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

parissashahabi/Applicant-Project-Score-Prediction

Developed a model to predict project scores based on technical aptitude test results. Cleaned and normalized the data, then applied regression analysis to forecast grades.

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

parissashahabi/Spotify-Music-Energy-Estimation

Predictive modeling project analyzing Spotify's Persian music dataset to estimate track energy using machine learning techniques, specifically MLP regressor and Linear Regression.

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

parissashahabi/Travel-Insurance-Prediction

Developed a predictive model to forecast travel insurance subscriptions using MLP Classifier and Logistic Regression after data analysis and preprocessing in Python.

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

Ditoeight/TF-Full-MNIST

Language: Python - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - 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: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

nekcht/ml-classic-scratch

Ordinary Least Squares, Ridge Regression, Expectation Maximization, Full Bayesian Inference, Bayes Classifiers, kNN, and MLP core algorithms from scratch. Some auxiliary functions are also used.

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

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

ltfschoen/aind2-cnn

Language: Jupyter Notebook - Size: 50.2 MB - Last synced at: 8 months ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

gminnocenti/Gian_Marco-s_Chatbot

A streamlit web application of a Chat Bot tailored to answer any question regarding Gian Marco Innocenti

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

Akshara-Bulkapuram/Breast-cancer-prediction-ml-project

Machine Learning

Language: Jupyter Notebook - Size: 1.75 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - 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: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

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: about 2 years ago - Pushed at: over 6 years ago - Stars: 142 - Forks: 51

ZdrzalikPrzemyslaw/Machine-Learning

Implementations of Machine Learning algorithms in Python

Language: Python - Size: 53.3 MB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

henriqueedu2001/Perceptron

Implementation of a Multilayer Perceptron from "scratch", using just numpy and pandas

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

Related Keywords
multi-layer-perceptron 239 machine-learning 81 neural-network 69 deep-learning 59 python 50 mlp 35 pytorch 27 neural-networks 26 convolutional-neural-networks 26 classification 25 deep-neural-networks 24 random-forest 22 perceptron 21 artificial-neural-networks 18 artificial-intelligence 17 tensorflow 17 numpy 17 logistic-regression 16 keras 13 mnist 12 python3 12 backpropagation 12 linear-regression 11 cnn 11 single-layer-perceptron 11 decision-trees 10 support-vector-machines 10 decision-tree-classifier 9 mlp-classifier 9 machine-learning-algorithms 9 naive-bayes 8 naive-bayes-classifier 8 computer-vision 8 support-vector-machine 8 recurrent-neural-networks 8 confusion-matrix 8 scikit-learn 7 image-classification 7 principal-component-analysis 7 decision-tree 7 matplotlib 6 regression 6 matlab 6 time-series 6 knn 6 radial-basis-function 6 xgboost 6 mnist-dataset 6 mnist-classification 6 random-forest-classifier 6 svm 5 natural-language-processing 5 mlp-regressor 5 sklearn 5 java 5 feedforward-neural-network 5 k-nearest-neighbours 5 data-science 5 exploratory-data-analysis 5 k-nearest-neighbors 5 cifar10 4 reinforcement-learning 4 genetic-algorithm 4 svm-classifier 4 backpropagation-learning-algorithm 4 artificial-neural-network 4 linear-discriminant-analysis 4 ridge-regression 4 autoencoder 4 gradient-descent 4 quadratic-discriminant-analysis 4 keras-tensorflow 4 multilayer-perceptron 4 tensorflow2 3 accuracy 3 hyperparameter-tuning 3 k-means 3 pandas 3 lasso-regression 3 backpropagation-neural-network 3 stochastic-gradient-descent 3 extreme-learning-machine 3 adaboost 3 pca 3 kaggle 3 handwritten-digit-recognition 3 multi-layer-networks 3 prediction 3 support-vector-classifier 3 ai 3 dataset 3 image-recognition 3 generative-adversarial-network 3 binary-classification 3 jupyter-notebook 3 batch-normalization 3 data-preprocessing 3 sentiment-analysis 3 restricted-boltzmann-machine 3 text-classification 3