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

GitHub topics: mlp-classifier

AbdulSametTurkmenoglu/mlflow_ile_haber_metni_siniflandirma

MLflow ile Uçtan Uca Metin Sınıflandırma

Language: Jupyter Notebook - Size: 137 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

zamirmehdi/Computational-Intelligence-Course

Collection of CI projects: Neuroevolution with genetic algorithms for game AI, Fuzzy C-Means clustering, and neural network digit recognition on MNIST.

Language: Python - Size: 7.71 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

awaisAhmed19/MNIST

MNIST C++ Neural Network

Language: C++ - Size: 24.2 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

Zakstor15/cifar10-image-classifier

🧠 A deep learning project using TensorFlow to classify CIFAR-10 images with both Artificial Neural Networks (ANN) and Convolutional Neural Networks (CNN), including model training, evaluation, and prediction visualization

Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

dragonball92/cc-caffeine

☕ Keep your laptop awake during commutes and breaks, ensuring uninterrupted coding sessions with cc-caffeine for smarter work and more freedom.

Language: JavaScript - Size: 60.5 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

sukisuou/NamiNet

my first MLP~

Language: Java - Size: 2.45 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

max-amb/number_recognition

Language: Rust - Size: 811 KB - Last synced at: 15 days ago - Pushed at: 16 days ago - Stars: 2 - Forks: 0

fp1acm8/SER

Developing a Speech Emotion Recognition system starting from EMOVO Corpus audio samples

Language: Python - Size: 236 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 1 - Forks: 1

ooSvn/Credit_Card_Fraud_Detection-MLP

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

VachanVY/NeuroForge

Unveiling the Layers: Neural Networks from first principles

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

ThePhantom2307/MLP-Neural-Network

A library that implements an MLP neural network

Language: Python - Size: 144 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

ThePhantom2307/MNIST-Classification

This project is a handwritten digit classification using my own MLP neural network library on the MNIST dataset

Language: Python - Size: 4.99 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

sarahlorenzen/mlp-classification-handwritten

Classification of Handwritten digits using a Multi-Layer Perceptron (MLP)

Language: Jupyter Notebook - Size: 86.9 KB - Last synced at: 9 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

ProfessorMilanz/Regression_DT_MLP

📊 Explore basic Python implementations of linear regression, logistic regression, and MLP models to grasp essential machine learning concepts easily.

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

bongssss/ML-

This project implements and evaluates multiple supervised machine learning models to classify heartbeat signals from ECG (Electrocardiogram) data into arrhythmia types using the MIT-BIH Arrhythmia Dataset.

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

04AR/Senti

sentiment analysis ML model fine-tuning jupyter notebook

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

cloonicux/Credit-Card-Fraud-Detection

This project detects credit card fraud using a Kaggle dataset of over 1.8 million transactions. To handle the highly imbalanced data, it uses SMOTE to balance fraudulent and legitimate transactions. The project then trains several models, with the LightGBM classifier achieving the best performance at 99.5% accuracy.

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

Ali-Morsal/MNIST-Digit-Classification-with-MLP

This repository contains a PyTorch implementation of a Multi-Layer Perceptron (MLP) for handwritten digit classification using the MNIST dataset. The project includes data loading, preprocessing, training, validation, and evaluation.

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

Aximiotis/PR_MachineLearning

Machine learning project for an academic subject.It examines basic classification methods such as Bayes and Maximum Likelihood and Random Forests.Also it provides numerous classification methods on a dataset and studies the performance of its classifier in an attempt to achieve a maximum score on unknown data.

Language: Jupyter Notebook - Size: 3.15 MB - Last synced at: 15 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

kkoukouletsou/Pattern-Recognition-and-Machine-Learning

Assignments for Pattern Recognition and Machine Learning Course at ECE AUTH.

Language: Jupyter Notebook - Size: 857 KB - Last synced at: 15 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

ManojMaurya207/Image-Classifier-App

An Android app built with Clean Architecture and Jetpack Compose that classifies images using a TensorFlow Lite model. It follows MVVM principles, uses Kotlin Coroutines + Flow, and cleanly separates UI, business logic, and data layers.

Language: Kotlin - Size: 2.96 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

0khacha/geochem-classifier

Machine Learning system for automatic classification of geochemical samples into Sterile, Potential, and Ore categories using 36 geochemical parameters

Language: Python - Size: 1.4 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

MahdiAmrollahi/Regression_DT_MLP

Simple beginner-friendly Python examples for regression (linear & MLP) and decision tree models. Includes step-by-step implementations to help understand basic concepts and manually build and test these algorithms.

Language: Jupyter Notebook - Size: 348 KB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0

x4nth055/emotion-recognition-using-speech

Building and training Speech Emotion Recognizer that predicts human emotions using Python, Sci-kit learn and Keras

Language: Python - Size: 944 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 645 - Forks: 246

MAvRK7/Malware-detection-using-MLmodels

This repo is about the cyber security project where malware is detected and classified

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

wicaksonohanif/weather_type_classification_project

This project aims to classify weather types using a deep learning approach with a Multilayer Perceptron (MLP) model. The classification is based on meteorological features such as temperature, humidity, wind speed, precipitation level, cloud cover, atmospheric pressure, UV index, season, recording location, and visibility.

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

SupratikB23/Poker-Hand-Prediction

A ML/DL project that predicts Poker Hand rankings based on given card combinations.

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

pwernette/MLP_veg_seg

Python programs for filtering/segmenting vegetation from bare-Earth points in point clouds with RGB colour. This repo is supplementary to my AGU presentation in December 2021 and my manuscript published in Remote Sensing in June 2024.

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

samuel-soltys/j-neural-core

A minimal Java neural network library with autograd, MLP, and classification examples – built from scratch.

Language: Java - Size: 623 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

SirOsborn/Kampu-Hire

Kampu-Hire: transparent, unbiased, skill-focused hiring system that will not leave anyone behind.

Language: Python - Size: 5.43 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

gnaservicesinc/sensuser

Sensuser is a QT application used to create and edit image classifier models that can be used with libnoodlenet found at: https://github.com/gnaservicesinc/libnoodlenet

Language: Shell - Size: 88.1 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

gnaservicesinc/libnoodlenet

A simple libary for c and libary for C++ to use models created with sensuser https://github.com/gnaservicesinc/sensuser in C and CPP projects.

Language: Roff - Size: 2.66 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

LEADisDEAD/Model-Forge

A no-code ML model selection engine powered by Streamlit. Upload any CSV dataset, apply automated preprocessing, and evaluate multiple classification models side by side. Instantly view accuracy, precision, recall, and F1 scores — all without writing a single line of code.

Language: Python - Size: 616 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Kiripiro/multilayer-perceptron

This project is an introduction to artificial neural networks, with the implementation of a multilayer perceptron

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

thyarles/unb-pca-spamdetector

Este projeto é uma implementação de um detector de SPAM em SMS usando MLP

Language: Jupyter Notebook - Size: 22.7 MB - Last synced at: 22 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Aymen016/Deep-Learning-Projects

🧠 Foundational Deep Learning Projects built from scratch using Python & NumPy. Includes Linear & Logistic Regression, Neural Networks, and MLP classification with visualizations. Ideal for beginners and ML enthusiasts!

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

Yunaas/tensorflow-mlp-fashion-mnist

Classify clothing items using a Multilayer Perceptron in TensorFlow with the Fashion MNIST dataset. Achieve high accuracy with simple model architecture. 🐙📊

Language: Python - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

hangngdata/credit_card_fraud_detection

Detecting credit card fraud with unsupervised and supervised techniques

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

ammar1980-max/chd-classifier

Predict Coronary Heart Disease risk using machine learning. Explore key models and predictive factors for accurate diagnosis. 🐙📊

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

SawyerAlston/MNIST-NN-Pure-Math

A "from-scratch" 2-layer neural network for MNIST classification built in pure NumPy, featuring mini-batch gradient descent, momentum, L2 regularization, and evaluation tools — no ML libraries used.

Language: Python - Size: 187 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 0

floriankulig/chd-classifier

This project applies machine learning techniques to predict Coronary Heart Disease (CHD) risk using medical data. The goal is to identify the most accurate classification model and discover the most predictive factors for CHD diagnosis.

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

nirab25/Insurance-Claim-Fraud-Detection

Insurance claim fraud detection using machine learning algorithms.

Language: Jupyter Notebook - Size: 422 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 5

sanadollu/AerialVehicleDetectionProject

This project addresses an image classification task using both traditional machine learning algorithms (HOG + ML) and a deep learning approach (CNN). The goal is to compare these methods in terms of accuracy, generalization, and practical performance.

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

AndersonIvanildo/docs-algorithms-apply-diabetes-dataset

Size: 615 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

matt-balda/.tcc.eeg-signals-neuropsychiatric

BrainDx: Binary and Multiclass Models

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

Saeed-dev2/cyberattack-detector-AI

FastAPI-based AI web app for real-time cyberattack detection using machine learning. Predicts network traffic as Benign or Attack with a trained model, scaler, and dynamic feature input via web UI. Ideal for cybersecurity research and intelligent intrusion detection.

Language: Python - Size: 3.4 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

siddheshwarkoli/Customer-Transaction-Prediction-Classification

BASED ON GIVEN FEATURE OF DATASET WE NEED TO PREDICT WHICH CUSTOMER MAKE TRANSACTION IN THE FEATURE IRRESPTIVE OF THE AMOUNT OF MONEY TRANSACTED

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

Tejas290/cyberattack-detector-AI

Detect cyberattacks in real-time with this FastAPI web app. Input network features and get instant predictions on traffic safety. 🚀🔍

Language: Python - Size: 3.39 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

khaledkassem98/BreastCancerGeneExpressionAnalysis

Breast cancer sub-type classification according to genes expressions

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

jarif87/dna-based-identification-of-e.coli

Django web app predicting E. coli in DNA sequences using a machine learning model, with a responsive interface and client-side validation. Files generated by project.py.

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

dsrub/DougNet

A lightweight, deep learning library written in pure Python

Language: Python - Size: 4.07 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

AritraAmbudhDutta/Speech-Emotion-Recognition-on-RAVDESS-Dataset

Speech Emotion Recognition system using CNN architecture to classify 8 emotions from audio recordings (RAVDESS dataset). Features depthwise separable convolutions for efficient audio analysis, reaching ~70% accuracy.

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

blumako/sound_recognition

speech emotion recognition using data analysis, machine learning

Language: Python - Size: 145 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

halacoded/Chess-Opening-Classifier

Train classification models to predict the chess opening based on the first few moves.

Language: Jupyter Notebook - Size: 708 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

3N-VOY/pneumonia_prediction

A deep learning project for detecting pneumonia from chest X-ray images using CNNs, ResNet, and explainable AI techniques.

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

fayzi-dev/Multi-Class-Classification-of-Mobile-Phones-Using-MLP

Multi-Class-Classification-of-Mobile-Phones-Using-MLP

Language: Python - Size: 576 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

ShovalBenjer/Power_Transform_Box-Cox_Supervised_ML

This project explores machine learning techniques, focusing on data preprocessing, model building, and evaluation. It includes data analysis, visualization, various algorithms, and performance comparison. Key topics: data cleaning, feature engineering, model selection, hyperparameter tuning, and evaluation metrics.

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

OrF8/CPP-Image-Processing

A repository for Ex 4 in course 67315 (Programming Workshop in C & C++) @ The Hebrew Universty of Jerusalem

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

MatheusADC/RailPredict

The project aims to create a modest web application that, integrated with an MLP neural network, performs predictive maintenance of locomotives.

Language: Python - Size: 118 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1

saamehsanaaee/WMAD-Montbretia_Cabinet-ISP

Working Memory Architecture and Demand model created by Montbretia Cabinet in NMA Computational Neuroscience course and Impact Scholars Program.

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

ShaikhBorhanUddin/Spam-Detection-With-Machine-Learning

This project focuses on building a robust spam detection system using both machine learning and deep learning techniques, targeting two distinct types of data: SMS messages and emails. The goal is to classify incoming messages as either "spam" or "ham" (not spam) with high accuracy, precision, and efficiency.

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

mahnoorsheikh16/NLP-Approach-to-AI-Text-Classification Fork of andrew-jxhn/STT811_StatsProject

A text‐classification pipeline for identifying human‐ versus AI-generated responses using engineered linguistic/semantic features and PCA-reduced vectors; achieves ~85% accuracy with Logistic Regression, SVM, and MLP, and includes a fine-tuned bert-base-uncased model.

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

MeoPBK/Fast_Inference_Classifiers

Multilable fast inference classifiers (Ridge Regression and MLP) for NLPs with Sentence Embedder, K-Fold, Bootstrap and Boosting. NOTE: since the MLP (fully connected NN) Classifier was too heavy to be loaded, you can just compile it with the script.

Language: Python - Size: 79.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

Rontim/Facial-Recognition-with-MLP---Olivetti-Faces

This project implements a facial recognition system using a Multi-Layer Perceptron (MLP) neural network on the Olivetti faces dataset, with an interactive Streamlit interface for exploration and visualization.

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

monamahmoudm/Assessing-Neurological-States-from-Physiological-Signals

Addressing the Non-EEG Dataset for the Assessment of Neurological Status, in various different ways with the potential to classify these collected physiological signals into either one of the four neurological states: physical stress, cognitive stress, emotional stress and relaxation

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

Shreyas9699/Toxic-Comments-Classifier-cpp

The Toxic Comments Classifier is a robust machine learning tool implemented in C++ designed to identify toxic comments in digital conversations. Featuring a custom-built multi-layer perceptron (MLP) architecture with multiple layers and nodes, this project enhances the understanding of the learning processes involved in machine learning.

Language: C++ - Size: 171 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

Machine-Learning-Related-Projects/Real-Fake-Job-Post

Real-Fake-Job-Post

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

Sufyanaliawan-dt/Multilayer-Perceptron-Model

Multilayer Perceptron Model for Projecting Crop Product Export Value Forecasting

Language: HTML - Size: 0 Bytes - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

ahany42/neural-bird-classifier

Implementation of Single-Layer Perceptron (SLP) ,Multi-Layer Perceptron (MLP) and ADALINE for bird species classification. Includes data analysis, training/testing, visualization, and a GUI

Language: Python - Size: 179 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

havva-nur-ezginci/ML-Applications

💡This project involves the implementation of machine learning (ML) algorithms 💻🔍on various datasets.

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

czarekmilek/Music-Genre-Classifier Fork of thammpiotr/Music-Genre-Classifier

Machine Learning project of a music genre classifier.

Language: Python - Size: 2.65 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

kmock930/Ethical-AI-in-Employee-Promotion-Fairness

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

aniass/Product-Categorization-NLP

Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).

Language: Jupyter Notebook - Size: 14.5 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 93 - Forks: 27

jedrazb/python-neural-network

Simple implementation of MLP neural network in NumPy with supporting examples

Language: Python - Size: 10.8 MB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

before-time/Churning_Customers 📦

Intro to AI assignment 3

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

coss-fz/basics-neural-networks

This repository is for a project that involves the construction of a basic neural network (MLP), and the performance comparison against the commonly used libraries (Py Torch and Tensorflow Keras)

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

stefanosGerschKoutsogiannis/Computational-Intelligence-Assignments

Assignments for the Computational Intelligence course, Department of Computer Science and Engineering, University of Ioannina.

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

sergio11/breast_cancer_diagnosis_mlp

🩺🔬 MLP-based Breast Cancer Diagnosis: Predicts tumor malignancy from image features, aiding in early detection. 📊🤖

Language: Python - Size: 78.1 KB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

queirozPedro/ClueSuspeitosRNA

Estudando o funcionamento do Jogo Clue Suspeitos e implementando treinamento de uma Rede Neural. Clue Card Game é um jogo de cartas, onde os jogadores passam por rodadas de perguntas e respostas em busca de descobrir o cenário do crime, composto por um suspeito, um lugar e uma arma.

Language: Python - Size: 290 KB - Last synced at: 12 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

ManuelSerna/ml-notes

This repository contains some programs which helped me understand several topics in machine learning (e.g. regression, classification, resampling, trees, SVMs, clustering, neural nets, etc.).

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

mayankmittal29/TensorTinker_Statistical_Methods_in_AI

This repository contains implementations of various machine learning algorithms from scratch, including Multi-Layer Perceptron (MLP), Gaussian Mixture Models (GMM), Principal Component Analysis (PCA), Autoencoders, and Variational Autoencoders.

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

Arsalaan-Ahmad/Credit_default_Neural_network

This project compares the performance of MATLAB and Python in training a neural network to predict credit card defaults. Using a dataset of 30,000 customers with 24 features, we implemented a single hidden-layer MLP with varying hyperparameters (hidden layer sizes and learning rates).

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

ansost/art-nat-HHU-semeval2024

Code for team art.-nat.'s submission to SemEval 2024 task 8 on multi-domain, multi-generator human vs. machine generated text classification.

Language: Python - Size: 36.7 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 3 - Forks: 1

Elktrn/MLP-NN-binary-classifier-for-breast-cancer-classification-in-python

Multilayer Perceptron Neural network for binary classification between two type of breast cancer ("benign" and "malignant" )using Wisconsin Breast Cancer Database

Language: Python - Size: 729 KB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 18 - Forks: 1

shoaib1522/Artificial-Intelligence-

🚀 Dive into the world of Artificial Intelligence 🤖 with hands-on labs, algorithms, assignments, and resources 📚 – the ultimate AI learning repository! 💡✨

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

rudrajikadra/Speech-Emotion-Recognition-using-Librosa-library-and-MLPClassifier

In this project we use RAVDESS Dataset to classify Speech Emotion using Multi Layer Perceptron Classifier

Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 27 - Forks: 6

kbasu2016/Autism-Detection-in-Adults

This is a binary classification problem related with Autistic Spectrum Disorder (ASD) screening in Adult individual. Given some attributes of a person, my model can predict whether the person would have a possibility to get ASD using different Supervised Learning Techniques and Multi-Layer Perceptron.

Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 26 - Forks: 21

Matthew-Oj/Catchment-Vulnerability-Predictor-prev-SOPHIE-

This repo contains my final year dissertation, A Machine Learning Approach to Flash Flood Prediction in Southwest England along with the associated data. The study explores the relationship between the North Atlantic Oscillation, the Atlantic Multidecadal Oscillation climate indices, and topographical data in predicting flash floods.

Size: 1.44 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

albanecoiffe/MLP_Dataset_Forest_Cover_Type

Classification multi-classes en utilisant le MLPClassifier de scikit-learn sur le Forest Cover Type Dataset.

Language: HTML - Size: 129 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Mayap2803/Supervised-Machine-Learning--Classification

Using supervised machine learning algorithms to classify signal from background particle events

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

SenapeDev/MLP-IRIS-classification

Implementazione di un percettrone multistrato per classificare differenti specie di iris.

Language: Jupyter Notebook - Size: 618 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

hasanhammad/NLP-Final-Project

This repository contains code and dataset used in the final project of the NLP course in Iran University of Science and Technology

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

terencelauu/fetus-classification-MLP

2-layer multilayer perceptron (MLP) for fetus classification.

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

EPSOFT/MNIST-MLP

MNIST MLP

Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Bilpapster/NNs-playground

Neural Networks source code for image classification and reconstruction

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

FraLiturri/ML-Project

Repository for Monk solver and MLP NN for ML exam.

Language: C++ - Size: 30 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0

shoaib1522/Data-Science-In-Python

"Unlock the power of data science with my curated collection of Python projects—your gateway to insights, analysis, and hands-on learning! 🌟"

Language: Jupyter Notebook - Size: 13.3 MB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

shoaib1522/Credit-Card-Fraud-Analysis

"A comprehensive project on Credit Card Fraud Detection combining Exploratory Data Analysis, Machine Learning, and an interactive Streamlit web app for real-world applicability."

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

Pavansomisetty21/MNIST-Classification-using-Keras-MLP-Sequential-

Language: Jupyter Notebook - Size: 122 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

Related Keywords
mlp-classifier 508 machine-learning 167 python 108 neural-network 75 svm-classifier 68 mlp 67 deep-learning 66 logistic-regression 50 classification 47 random-forest 45 knn-classification 36 python3 33 machine-learning-algorithms 31 neural-networks 30 random-forest-classifier 30 scikit-learn 28 naive-bayes-classifier 26 numpy 26 tensorflow 25 data-science 24 sklearn 24 pytorch 24 cnn 24 ai 22 jupyter-notebook 21 keras 21 decision-trees 21 pandas 21 mlp-regressor 21 linear-regression 21 knn-classifier 21 xgboost 21 cnn-classification 20 decision-tree-classifier 20 perceptron 20 mnist-classification 19 nlp 19 multilayer-perceptron-network 18 artificial-intelligence 18 multilayer-perceptron 17 mnist 16 deep-neural-networks 16 ml 16 supervised-learning 15 svm 15 decision-tree 14 image-classification 14 knn 14 mnist-dataset 14 pca 13 regression 13 sentiment-analysis 13 artificial-neural-networks 13 lstm 12 mlp-networks 12 data-analysis 12 confusion-matrix 12 matplotlib 12 text-classification 11 keras-tensorflow 11 computer-vision 10 librosa 10 speech-emotion-recognition 10 pca-analysis 10 gradient-boosting 9 k-means-clustering 9 classifier 9 multi-layer-perceptron 9 hyperparameter-tuning 8 adaboost 8 seaborn 8 gradient-descent 8 autoencoder 8 kmeans 8 kmeans-clustering 8 genetic-algorithm 8 binary-classification 8 xgboost-classifier 7 unsupervised-learning 7 matlab 7 java 7 kaggle 7 classification-algorithm 7 iris-dataset 7 emotion-recognition 7 visualization 6 image-processing 6 hyperparameter-optimization 6 mlp-network 6 speech-recognition 6 gridsearchcv 6 natural-language-processing 6 rnn 6 streamlit 6 k-nearest-neighbours 6 bag-of-words 6 cnn-model 5 fully-connected-network 5 eda 5 bert 5