supervised-learning-algorithms
There are 117 repositories under supervised-learning-algorithms topic.
koalaverse/vip
Variable Importance Plots (VIPs)
razuswe/PrimaIndianDiabetesprediction
I used six classification techniques, artificial neural network (ANN), Support Vector Machine (SVM), Decision tree (DT), random forest (RF), Logistics Regression (LR) and Naïve Bayes (NB)
MauroCE/PythonBRMLtoolbox
Python 3.7 version of David Barber's MATLAB BRMLtoolbox
WilliamY97/Parkinsons-Vocal-Analysis-Model
Verifying suitability of dysphonia measurements for diagnosis of Parkinson’s Disease using multiple supervised learning algorithms.
zhaoxin1124ds/Lithofacies-classification-using-machine-learning
Supervised classification to predict rock facies and a T-test flow to evaluate the prediction performance.
LeihuaYe/Machine-Learning-Rare-Event-Classification
With unbalanced outcome distribution, which ML classifier performs better? Any tradeoff?
sergio94al/Automatic_design_of_quantum_feature_maps_Genetic_Auto-Generation
Registered Software. Official code of the published article "Automatic design of quantum feature maps". This quantum machine learning technique allows to auto-generate quantum-inspired classifiers by using multiobjetive genetic algorithms for tabular data.
amberkakkar01/Diabetes-Predication
This project uses a Machine learning approach to detect whether the patient has diabetes or not using different machine learning algorithms.
felipexw/knn-java-library
Just a simple implementation of K-Nearest Neighbour algorithm.
Lucasfrota/MachineLearningElasticComponent
this project aims to be an easy and reusable way to use supervised machine learning techniques
madhurimarawat/Machine-Learning-Using-Python
This repository contains machine learning programs in the Python programming language.
mardavsj/Machine-Learning-Algorithms
It consists of basic concepts of Machine-Learning with its algorithms.
PJalgotrader/ML-USU-Fall21
ECN 5090- Machine Learning in Economics and Finance (Python)
jaydipkumar/data-science-r
Hear All Solution In R Language
RenatoMaynard/Supervised-Machine-Learning-Models-Pytorch-Sklearn
This repository provides a comprehensive implementation of supervised machine learning models using PyTorch and Scikit-learn. It includes end-to-end workflows for both classification and regression tasks, covering data preprocessing, model training, evaluation, and comparison between traditional ML models
shanathvemula/framework_for_superwised_prediction
This is the framework for supervised algorithms in mechine learning
Ashleshk/Machine-Learning-Data-Science-Deep-Learning
This Repository Consists All Courses, Projects and Online Learning Done in Context of Machine learning, Data Sceince And Deep Learning From Various Sources like Youtube, Coursera, Udemy And WEbsites like Scikit, Keras
Lakshaypahuja21/Implementation-Machine-Learning-Basics-Notes
Basic templates of codes for quick ML
RP-333/Fraud-Analytics-with-AI-ML
Comprehensive portfolio showcasing AI/ML applications in fraud detection, including foundational EDA, transaction fraud, identity fraud, and KYC/AML compliance systems.
aureliemazet/Supervised_Project_Parkinson_disease
Supervised Machine Learning project with KNN, decision tree, random forest and adaboost algorithms
LaxmiChaudhary/Classifying-silhouettes-of-vehicles
Unsupervised Learning (PCA) on Vehicle dataset
MachineLearningBCAM/Minimax-risk-classifiers-NeurIPS-2020
Minimax Classification with 0-1 Loss and Performance Guarantees
NandanKumar07/ML_CODE_REVISIT
The code in this repository corresponds to exercises, projects, and examples covered in the respective courses of the Machine Learning Specialization. The goal is to review and reinforce the concepts learned during the specialization.
neemiasbsilva/lstm-pollution-china
Using long short term memory networks to analysis the pollution of Beijing, China.
Paulnkk/Columbia-IEOR-4004
I use a self-implemented Trust-Region-Method to solve the optimization problem and calculate the accuracy based on test data
tdishant/Banknote-Authentication
Machine Learning / Data mining project in python. In this project, various classification algorithms such as Decision Tree, k-nearest neighbours, random forest and support vector machine have been implemented from scratch and have been applied on banknote authentication dataset. The goal of this project is to calculate and compare the accuracy of these algorithms in differentiating counterfeit bank notes from legitimate notes
AF011/Machine-Learning-Projects-Academic
Developing Supervised Learning Models Using pandas, numpy, sklearn, seaborn, matplotlib
fsiddh/Machine-Learning-Techniques
This repository consists of Machine Learning Techniques (Both Supervised and Unsupervised Learning) which you go through for more better and broader understanding of different methods used in solving machine learning problems.
Paulnkk/Modified-cutting-angle-method
Modified Cutting angle method based on 'Cutting angle method - a tool for constrained global optimization'
Rajat-dhyani/charity_donors
In this project i used many supervised learning algorithms available in scikit-learn, and also provided a method of evaluating, just how each model works and performs on a certain type of data.
rammathala/Crop-And-fertilizer-recommendation
A website which predicts the suitable crop and fertilizer based on the soil parameters
sametmemis/FPFS-AC
A New Classification Method Using Soft Decision-Making Based on an Aggregation Operator of Fuzzy Parameterized Fuzzy Soft Matrices
SreeSaiBhavesh/ML_Algos
Implementation of various Machine Learning models
youssef595/Hourly-electricity-price-forecasting
Hourly electricity price and demand forecasting
Jan2309jr/Greenhouse-Gas-Emission-Prediction
🌍 Greenhouse Gas Emission Prediction - A Streamlit-based web app that predicts greenhouse gas emissions. Built with Python, scikit-learn,joblib and streamlit for model deployment.