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

GitHub topics: mlp-classifier

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: Shell - Size: 1.36 MB - Last synced at: about 21 hours ago - Pushed at: 4 days ago - Stars: 1 - 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: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

harshineeshree/CreditCard_Fraud_Detection

Ml Model to Classify Credit Card Fraud Detection

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

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.95 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - 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: 5 days ago - Pushed at: 7 days 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: 7 days ago - Pushed at: 7 days 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: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

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

Language: Jupyter Notebook - Size: 40.7 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

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: 12 days ago - Pushed at: 12 days ago - Stars: 2 - 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: 12 days ago - Pushed at: 12 days 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: 17 days ago - Pushed at: 17 days 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: 19 days ago - Pushed at: 19 days 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.07 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - 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: 21 days ago - Pushed at: 21 days ago - Stars: 4 - 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: 23 days ago - Pushed at: 23 days 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: 23 days ago - Pushed at: 24 days 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: 29 days ago - Pushed at: 29 days 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: about 1 month ago - Pushed at: about 1 month ago - Stars: 93 - Forks: 27

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

MAvRK7/Malware-detection-using-MLmodels

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

Language: Jupyter Notebook - Size: 986 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - 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: 23.4 KB - Last synced at: 23 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 1

jedrazb/python-neural-network

Simple implementation of MLP neural network in NumPy with supporting examples

Language: Python - Size: 10.8 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

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: about 2 months ago - Pushed at: about 2 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: 14 days ago - Pushed at: about 2 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: about 1 month ago - Pushed at: about 2 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: about 2 months ago - Pushed at: about 2 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: about 1 month ago - Pushed at: about 2 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: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

queirozPedro/ClueSuspeitos

Estudando o funcionamento do Jogo Clue Suspeitos e implementando treinamento com MLP. 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: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

VachanVY/NeuroForge

Unveiling the Layers: Neural Networks from first principles

Language: Jupyter Notebook - Size: 37.7 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 7 - 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.66 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 1

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: 2 months ago - Pushed at: 2 months ago - Stars: 3 - Forks: 1

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

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: about 1 month ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

ThePhantom2307/MLP-Neural-Network

A class that implements an MLP neural network

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

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: 3 months ago - Pushed at: 3 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: about 2 months ago - Pushed at: 3 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: 3 months ago - Pushed at: 3 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: about 2 months ago - Pushed at: 4 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: 3 months ago - Pushed at: 3 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: 4 months ago - Pushed at: 4 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: about 1 month ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

EPSOFT/MNIST-MLP

MNIST MLP

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

FraLiturri/ML-Project

Repository for Monk solver and MLP NN for ML exam.

Language: C++ - Size: 30 MB - Last synced at: 3 months ago - Pushed at: 3 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: about 1 month ago - Pushed at: 4 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: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

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

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

Bushra-Butt-17/DeepLearning-Projects

This repository contains my assignments and projects related to deep learning, including implementations of fundamental concepts such as Linear Regression, Gradient Descent, Multi-Layer Perceptron (MLP), and more. Each section includes code, explanations, and relevant documentation. The goal of this repository is to showcase my learning journey.

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

ahmad-PH/auto_lcc

Automatic library of congress classification, using word embeddings from book titles and synopses.

Language: Jupyter Notebook - Size: 96.4 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 13 - Forks: 0

Namratha2301/IntrusionDetection

Intrustion Detection Models based on Internet Traffic Data obtained from the NSL-KDD Dataset

Language: Jupyter Notebook - Size: 964 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

mehtabhavin10/insurance_fraud_detection

:mag: | :chart_with_upwards_trend: | Life / Health Insurance Fraud Detection | :clipboard: | (Codeshahstra Round 1 Hackathon)

Language: HTML - Size: 11.8 MB - Last synced at: 6 days ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 7

anaritagomes/infant_cry_classifier

Deep Learning model combining Support Vector Machine (SVM) and Multi-Layer Perceptron (MLP) architectures to classify baby cries using audio data from the "Donate a Cry Corpus" dataset.

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

GaneshAhire30/Employee-Performance-Analysis

BASED ON GIVEN FEATURE OF DATASET WE NEED TO PREDICT THE PERFOMANCE RATING OF EMPLOYEE

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

SeyedMuhammadHosseinMousavi/Runtime-Optimization-of-Widrow-Haff-Classification-Algorithm-Using-Proper-Learning-Samples

Runtime Optimization of Widrow-Haff Classification Algorithm Using Proper Learning Samples

Size: 378 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

Sama-Amr/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: 1.69 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

bp0609/MLP-Performance-On-Different-Tasks

This repository focuses on evaluating the performance of Multilayer Perceptrons (MLPs) on various machine learning tasks and comparing them with alternative models. It includes implementations of MLPs with regularization, feature engineering techniques, and visualization tools like decision boundaries and t-SNE.

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

erfan-mtzv/Instagram-Account-Gender-Detection-MLP-from-scratch

This repository contains Python code for a multi-layer perceptron (MLP) model, implemented from scratch, which predicts the gender of Instagram account holders using their account data.

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

Vikktor93/ConvNet

This repository compares the performance of a Multilayer Perceptron (MLP) and a Convolutional Neural Network (CNN) in the task of binary classification of images of muffins and chihuahuas.

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

Ibkdir/MNIST-from-scratch

A simple implementation of an MNIST Classifier without PyTorch, TensorFlow, etc

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

SHUBHAMSHARMA0711/HandTalk-Translating-Sign-Language-to-Text

Group Project Completed in CSE343:Machine Learning course in IIITD during the Monsoon 2024 Semester. Professor: Jainendra Shukla

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

acelyavul/traffic-sign-recognition

German Traffic Sign Recognition

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

nirab25/Insurance-Claim-Fraud-Detection

Insurance claim fraud detection using machine learning algorithms.

Language: Jupyter Notebook - Size: 422 KB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 4

inteiros/LBP_ML

Local Binary Patterns descriptor with Support Vector Machine, Random Forest and Multi-layer Perceptron classifiers to predict COVID-19 in x-ray pictures

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

luca-parisi/m_arcsinh

m-arcsinh: A Reliable and Efficient Function for Supervised Machine Learning (scikit-learn, TensorFlow, and Keras) and Feature Extraction (scikit-learn)

Language: Python - Size: 52.7 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 4 - Forks: 1

8826Hank/Deep-Learning

MLP(Multilayer perceptron)

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

zahediparsa/ML_BirkarAcademy

Developed exercises and practical tasks to help students grasp key machine learning topics in a course hosted by Birkar Academy and ICDS.ai

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

omarmuhamed/Malware-Detection-With-Performance-Counters

Malware detection using performance counters' data and deep learning time series classification methods. (POC)

Language: Python - Size: 36.4 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

phalconVee/telco-churn-ai-ml

Predictive models to analyse a telco firm's customer-level data, to identify customers at high risk of churn and identify the leading indicators.

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

aiaaee/FashionMNIST

a dataset of Zalando's article images consisting of a training set of 60,000 examples and a test set of 10,000 examples.

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

Temperedscarf9/neuralMNIST

neural netnetwork from scratch to recognize hand-written digits

Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: about 1 month ago - Pushed at: 8 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 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

antonioualex/Tweet-Sentiment-Classifier-using-MLPs

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

Srijan1972/COL215

Language: VHDL - Size: 13.2 MB - Last synced at: 8 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

vinaychutake/fmri_ml_sports_activity_recognition

Sports Activity Recognition using machine learning on fMRI data from Human Activity Dataset available at https://openneuro.org/datasets/ds004488/versions/1.1.1

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

adistrim/TruthfulnessClassifier

An experimental machine learning project 🤖📖

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

martinaturchini/HIV-1-cleavage-project

Supervised Machine Learning project for HIV-1 cleavege sites

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

OmkarNarvekar001/ART_GENERATION_USING_SPEECH_EMOTIONS

Translation of speech to image directly without text is an interesting and useful topic due to the potential application in computer-aided design, human to computer interaction, creation of an art form, etc. So we have focused on developing Deep learning and GANs based model which will take speech as an input from the user, analyze the emotions associated with it and accordingly generate the artwork which has been demanded by the user which will in turn provide a personalized experience. The approach used here is convolutional VQGAN to learn a codebook of context-rich visual parts, whose composition is subsequently modeled with autoregressive transformer architecture. Concept of CLIP-Contrastive Language Image-Pre-Training, also uses transformers which is a model trained to determine which caption from a set of captions best fits with a given image is used in our project. The input speech is classified into 8 different emotions using MLP classifier trained of RAVDESS emotional speech audio dataset and this acts as a base filter for the VQGAN model. Text converted from speech plays an important role in producing the final output image using CLIP model. VQGAN+CLIP model together utilizes both emotions and text to generate a more personalized artwork.

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

mariakoft/Classification_MLP_Shannon_Entropy_Cost_Function

A MLP Neural Network based on Shannon's Entropy of Error as a cost function , for classification.Implemented in Python

Language: Python - Size: 267 KB - Last synced at: 9 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

GabrieleCarl/spam-detection

nlp project - email spam detection

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

dsgiitr/VisualML

Interactive Visual Machine Learning Demos.

Language: CSS - Size: 70.1 MB - Last synced at: 27 days ago - Pushed at: about 2 years ago - Stars: 114 - Forks: 23

SatriaImawan12/Employee-Performance-Analysis-and-Prediction-System-Using-MLP-Classifier

Project Data Science and Data Analysis

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

minhosong88/mlp-project-for-cencus-data-classification

This project contains a series of Multi-Layer Perceptron (MLP) models implemented from scratch, designed to explore different architectures and optimization strategies.

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

duartebianca/sistemas-inteligentes

Project for the Intelligent Systems course (IF684 | CIn-UFPE), in collaboration with @yasmimvso, @RafaelB411, @eduarda09, and @daravas.

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

MehdiJmlkh/Machine-Learning-Course-Project-S2024

Machine Learning course, Spring 2024, University of Tehran, Dr. M Tavassolipour and Dr. MRA Dehaqani

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

minseok0809/MNIST-Multi-Layer-Perceptron-Classifier

Scikit-learn Multi Layer Perceptron Classifier with Image Classfication (MNIST)

Language: Jupyter Notebook - Size: 1.12 MB - Last synced at: 24 days ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

JoshuaAdebayo/Neural-Networks-in-the-NBA

This repository holds my final year Data Science Individual Project (dissertation). I experiment with Neural Networks and Multivariate Logistical Regression to assess if ML is capable of being used within the NBA draft

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

subhanjandas/Artificial-Neural-Networks-for-Fraud-Detection-in-Supply-Chain-Analytics-MLPClassifier-and-Keras

In this study, we aimed to detect fraudulent activities in the supply chain through the use of neural networks. The study focused on building two machine learning models using the MLPClassifier algorithm from the scikit-learn library and a custom neural network using the Keras library in Python.

Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: about 1 hour ago - Pushed at: 10 months ago - Stars: 13 - Forks: 4

jbkalit/Sentiment-Analysis-Final-Project

Final Project of Bachelor Degree "Information System" Del Insitute of Technology

Language: Jupyter Notebook - Size: 862 KB - Last synced at: 10 months ago - Pushed at: almost 7 years ago - Stars: 8 - Forks: 7

subhayudutta/diabetesprediction

A application that can predict whether a person is having diabetes or not based on some parameters.

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

arianaira/mlp-unbalanced-classification

predicting showing up to doctor's appointment using mlp on imbalance dataset.

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

arianaira/MLP-from-scratch-and-classification

From scratch implementation of MLP and using it to classify wine quality dataset

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

NiladriMallik/Handwritten-digit-recognition-practice

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

fusi3/neural_networks_coursework

A comparison of MLPs and SVMs (using python) for the binary classification of heart disease

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

CodersAcademy006/Speech-Recognition-System

The objective of this DLM (Deep Learning Model) is to recognize the emotions from speech.

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

yasmimvso/titanic-mlp

Projeto de Redes Neurais utilizando o modelo MPL da biblioteca sklearn. Foram aplicados conhecimentos de visualização de dados, engenharia de dados e machine learning.

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

kramachandrashenoy/Mango-Data

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

akurgat/Botnet-Anomaly-Detection

Using a MLP to identify botnets in network traffic

Language: Python - Size: 2.97 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 0

harmanveer-2546/Covid-19-Chances-Detection

The main goal of this project is to build a machine learning model that, given a Covid-19 patient's current symptom, status, and medical history, will predict whether the patient is in high risk or not.

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

AlanMarquesRocha/ppgeec_reconhecimento_de_padroes

Repositório destinado aos projetos realizados na disciplina de Reconhecimento de Padrões (RP) [2023.1] do PPGEEC.

Language: MATLAB - Size: 4 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Related Keywords
mlp-classifier 450 machine-learning 144 python 97 neural-network 68 mlp 60 deep-learning 59 svm-classifier 58 classification 40 logistic-regression 39 random-forest 39 python3 29 machine-learning-algorithms 28 knn-classification 28 neural-networks 28 naive-bayes-classifier 25 tensorflow 24 random-forest-classifier 24 numpy 24 sklearn 24 data-science 23 pandas 21 knn-classifier 21 cnn 21 scikit-learn 21 keras 21 pytorch 21 decision-trees 20 decision-tree-classifier 19 jupyter-notebook 19 cnn-classification 19 mlp-regressor 19 perceptron 18 linear-regression 18 nlp 18 multilayer-perceptron 17 mnist-classification 16 artificial-intelligence 16 xgboost 16 multilayer-perceptron-network 15 knn 14 svm 14 ai 14 sentiment-analysis 13 mnist-dataset 13 pca 13 deep-neural-networks 12 artificial-neural-networks 12 supervised-learning 12 lstm 12 mnist 12 image-classification 12 decision-tree 12 matplotlib 12 data-analysis 11 keras-tensorflow 11 regression 11 ml 10 confusion-matrix 10 librosa 10 text-classification 10 speech-emotion-recognition 10 mlp-networks 10 k-means-clustering 9 classifier 9 binary-classification 8 pca-analysis 8 multi-layer-perceptron 8 gradient-boosting 8 genetic-algorithm 8 computer-vision 8 seaborn 8 autoencoder 7 gradient-descent 7 kmeans-clustering 7 iris-dataset 7 kmeans 7 emotion-recognition 7 java 6 matlab 6 gridsearchcv 6 adaboost 6 kaggle 6 speech-recognition 6 visualization 6 rnn 6 unsupervised-learning 5 streamlit 5 fully-connected-network 5 natural-language-processing 5 adaline 5 eda 5 image-processing 5 boosting 5 bag-of-words 5 word2vec 5 machinelearning-python 5 covid-19 5 ravdess-dataset 5 sentiment-classification 5 classification-algorithm 5