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

GitHub topics: adaboost-classifier

razamehar/Predicting-Bank-Customer-Churn

This project aims to predict bank customer churn using a dataset derived from the Bank Customer Churn Prediction dataset available on Kaggle. The dataset for this competition has been generated from a deep learning model trained on the original dataset, with feature distributions being similar but not identical to the original data.

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

Snigdho8869/Multiclass-Text-Classification

Natural Language Processing for Multiclass Classification: A repository containing NLP techniques for multiclass classification of text data.

Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: 28 days ago - Pushed at: about 2 months ago - Stars: 24 - Forks: 5

galihpraditya/customer-churn-prediction

This project focuses on predicting customer churn in the telecom industry using machine learning. Customer churn, or the rate at which customers stop using a service, is a critical metric for businesses. By predicting churn, companies can take proactive measures to retain customers and improve customer satisfaction.

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

FrienDotJava/adult-census-income

A machine learning project classifying whether someone has income >$50K or <$50K using several models.

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

benami171/ML_EX_02

2nd Assignment in machine learning course, Implementing and using Perceptron and Adaboost algorithms.

Language: Python - Size: 188 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

reillyc421/Predict-Post-shelter-Outcomes-for-Dogs

Use classification models to predict post-shelter outcomes for dogs (adoption, euthanasia, rescue)

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

SimranS22/Heart-Disease-Prediction-Model-SurTech

A ML application(deployed on flask) to detect heart disease in patients based on medical features.

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

meinhere/ta-psd

Tugas Akhir Mata Kuliah Proyek Sain Data menggunakan Metode Ensemble Learning

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

Bockslunch/Supervised-Learning---Breast-Cancer

Building supervised learning models on a breast cancer dataset with features describing attributes of the tumors

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

Computer-Vision-Spring-2024/exVision-FacialSys

Desktop application incorporating face detection using Viola-Jones classical technique as well as face recognition using PCA analysis.

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

Ruban2205/Machine_learning_fundamentals

This repository contains a collection of fundamental topics and techniques in machine learning. It aims to provide a comprehensive understanding of various aspects of machine learning through simplified notebooks. Each topic is covered in a separate notebook, allowing for easy exploration and learning.

Language: Jupyter Notebook - Size: 2.6 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

manjugovindarajan/EasyVisa-US-visa-applicant-profiling-using-ML

Analyze data of US work Visa applicants, build a predictive model to facilitate approvals, and based on factors that significantly influence visa status, recommend profiles for whom visa should be certified or denied.

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

PoojaP-atil/Cancer-Prediction-Model

To analyze the provided cancer.csv data and predict whether or not a patient has breast cancer using ensemble techniques

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

AmbreenMahhoor/AdaBoost-Classifier

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

tboudart/Life-Expectancy-Regression-Analysis-and-Classification

I contributed to a group project using the Life Expectancy (WHO) dataset from Kaggle where I performed regression analysis to predict life expectancy and classification to classify countries as developed or developing. The project was completed in Python using the pandas, Matplotlib, NumPy, seaborn, scikit-learn, and statsmodels libraries. The regression models were fitted on the entire dataset, along with subsets for developed and developing countries. I tested ordinary least squares, lasso, ridge, and random forest regression models. Random forest regression performed the best on all three datasets and did not overfit the training set. The testing set R2 was .96 for the entire dataset and developing country subset. The developed country subset achieved an R2 of .8. I tested seven different classification algorithms to classify a country as developing or developed. The models obtained testing set balanced accuracies ranging from 86% - 99%. From best to worst, the models included gradient boosting, random forest, Adaptive Boosting (AdaBoost), decision tree, k-nearest neighbors, support-vector machines, and naive Bayes. I tuned all the models' hyperparameters. None of the models overfitted the training set.

Language: Jupyter Notebook - Size: 2.02 MB - Last synced at: 8 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

siddikayyappa/SMAI-end-project

This is the source code for the end project of Statistical Methods in AI, 5th Semester, IIITH, '22. The project involves implementation of a research paper. The research paper is the Paper of Viola Jones Algorithm

Language: Jupyter Notebook - Size: 15.1 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

amir-rs/Brest-Cancer-Prediction-using-ML

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

inregards2pluto/credit-risk-analysis

Use scikit-learn and imbalanced-learn machine learning libraries to assess credit card risk.

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

DataScienceVishal/Breast_Cancer_Prediction

Breast_Cancer_Prediction using XGBoostClassifier & AdaboostClassifier

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

Mark-Rozenberg/Credit-Card-Default

Credit Card Clients (CCC) Default Prediction Using various Machine learning Algorithms

Language: Jupyter Notebook - Size: 17.6 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vicaaa12/advanced-machine-learning

Advanced Machine Learning

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

DeepanshuDabas03/Severity_Index

Machine learning project done during Monsoon Semester 2023 in IIITD.

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

Snigdho8869/Natural-Language-Processing-NLP-Projects

Exploring a collection of Jupyter notebooks showcasing a variety of Natural Language Processing (NLP) projects.

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

nourhenehanana/Diabetes-Diagnosis

The objective of the dataset is to diagnostically predict whether or not a patient has diabetes, based on certain diagnostic measurements included in the datsaset

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

Afrid1045/Car_Price_Prediction

Predicting the Car prices based on its features and to help maintain transparency between car sellers and buyers. We can use the website to check the car price without third party interaction.

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

AqilaFadia/Diabetes-Prediction

This is about how to make Diabetes Prediction with Machine Learning. We are developing a machine learning model capable of predicting whether someone may have diabetes based on health data and specific parameters. Using the right machine learning algorithms, we will process this data to provide valuable predictions for patients and medical

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

yogeshwaran-shanmuganathan/Airline-Passenger-Satisfaction

Determining the important factors that influences the customer or passenger satisfaction of an airlines using CRISP-DM methodology in Python and RapidMiner.

Language: Jupyter Notebook - Size: 3.97 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 22 - Forks: 14

Bharati2301/Algorithms

Language: Jupyter Notebook - Size: 648 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

celestialtaha/Unbalanced-dataset-Classification

Classification on Unbalanced Datasets using Boost Techniques (AdaBoost M2, SMOTE Boost, RusBoost,..)

Language: Jupyter Notebook - Size: 720 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

GunturWibawa/TelecomChurnPrediction

Interconnect seeks to forecast customer churn by analyzing package choices and contracts. If a customer plans to leave, they're offered unique codes and special packages to foster loyalty.

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

siddharthtelang/Face-and-Pose-Classification

Face detection (class and pose) using various Classifiers - Own Implementation

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

virchan/predictive_modeling_workflow

This project explores the predictive modeling workflow using the Kaggle competition "Titanic - Machine Learning from Disaster." It emphasizes key stages like data analysis and model evaluation, aiming to identify the optimal model. Through a real-world approach, we enhance our understanding of the workflow and emphasize rigorous model evaluation.

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

Kunal-Attri/Iris-Species-Classification

Iris Species Classification usin various ML models.

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

davidocmartins/Machine_Learning_Project

Applied various algorithm models to solve a binary classification problem of predicting if a patient will suffer from a disease. Project done for Machine Learning class of Data Science Ms

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

Navneet2409/credit-card-default-prediction

This project is aimed at predicting the case of customer's default payments. This dataset (30000,25) contains information on default payments, demographic factors, credit data, history of payment, and bill statements of credit card clients in Taiwan is used to build a classification model.

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

Navneet2409/cardiovascular-risk-prediction

The project aims to predict the 10-year risk of future coronary heart disease (CHD) for patients in Framingham, Massachusetts. A dataset (3390,16) containing demographic, behavioral, and medical risk factors of patients is used to build a classification model.

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

PratanuP/Bank-Customer-Churn

A prediction model based on ML as well as DL and compare their performances to find Churned Customers

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

Zauverer/Test-TSA-Models

Twitter Sentiment Analisys, comparing different models

Language: Jupyter Notebook - Size: 2.9 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

anandanraju/Monkey_Pox_Classification_Model-

This Prediction is a research analysis process on data using classification algorithms to compare the accuracy rate for each algorithm given below on this Monkey Pox data such as ( K-Neighbors Classifier, RandomForest Classifier, AdaBoost Classifier, Bagging Classifier, Gradient Boosting Classifier, Decision Tree Classifier )

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

anandanraju/Titanic_Survival_Prediction_Model

The sinking of the RMS Titanic is one of the most infamous shipwrecks in world history. In this model, need to analyse what sorts of people were likely to survive. We also need to apply the tools of machine learning to predict which passengers survived in this tragedy.

Language: Jupyter Notebook - Size: 544 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Wamuza1/Credit_Risk_Analysis

Supervised Machin Learning Analysis using scikit-learn and imbalanced-learn libraries.

Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

prateekagr21/Analysing-types-of-Hotels

Classifying different resorts and city hotels on their bookings and cancellation using various Machine Learning Algorithms

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

jermynyeo/Predict-Automobile-Insurance-Prices

All-in-1 notebook which applies different clustering (K-means, hierarchical, fuzzy, optics) and classification (AdaBoost, RandomForest, XGBoost, Custom) techniques for the best model.

Language: Jupyter Notebook - Size: 1.27 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

SolanaO/Disaster_Response_Texts

Text classification of messages collected during and after a natural disaster. Deploy a Flask app on Heroku .

Language: Jupyter Notebook - Size: 17.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

paocarvajal1912/vix_predictor Fork of sangramsinghg/vix_predictor

Machine learning model to predict the sign of the VIX Index for the next day.

Size: 54.7 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

sean-atkinson/supervised_learning_models

Playing around with a variety of classification and regression models.

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

aman9801/cancer-prediction-using-adaboost

Cancer Prediction using Adaboost

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

themelinaKz/Ham-Spam-Classifiers

Machine learning binary classification algorithms for classifying mails as spam or ham.

Language: Java - Size: 2.55 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

ryanquinnnelson/CMU-02718-Patient-Mortality-Classification-using-ML

Fall 2020 - Computational Medicine - course project

Language: Jupyter Notebook - Size: 3.29 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

chuksoo/telecom_recommender_systemML

Practicum by Yandex Project 6: This is a Machine Learning project to develop a model that would analyze subscribers' behavior, and build a phone plan recommendation system to recommend the right plan.

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

gonultasbu/adaboost-stump

Minimal implementation of Adaboost classifier using weighted decision stumps without sklearn.

Language: Python - Size: 15.6 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Related Keywords
adaboost-classifier 51 random-forest-classifier 25 logistic-regression 21 decision-tree-classifier 19 machine-learning 17 python 17 gradient-boosting-classifier 12 xgboost-classifier 12 random-forest 8 svm-classifier 8 naive-bayes-classifier 8 knn-classifier 8 machine-learning-algorithms 7 support-vector-classifier 6 ensemble-learning 6 data-analysis 5 knn-classification 4 data-preprocessing 4 deep-learning 4 gradient-boosting 4 classification 4 exploratory-data-analysis 4 hyperparameter-tuning 4 pandas 4 voting-classifier 3 data-visualization 3 scikit-learn 3 adaboost 3 feature-engineering 3 jupyter-notebook 3 numpy 3 python3 3 pca-analysis 3 sklearn 3 bagging-classifier 3 data-science 3 extra-trees-classifier 3 linear-regression 3 support-vector-machines 3 k-nearest-neighbor-classifier 2 cascade-classifier 2 xg-boost 2 titanic-survival-prediction 2 jupyter-notebooks 2 matplotlib 2 gru 2 flask-application 2 decision-tree 2 adaboost-algorithm 2 lightgbm-classifier 2 eda 2 f1-score 2 smote-sampling 2 confusion-matrix 2 predictive-modeling 2 iris-dataset 2 seaborn 2 knn 2 customer-churn-prediction 2 k-nearest-neighbours 2 bagging-ensemble 2 text-classification 2 nlp 2 ridge-regression 2 random-forest-regression 2 natural-language-processing 2 streamlit 2 gridsearchcv 2 feedforward-neural-network 1 gaussian-naive-bayes-classifier 1 dummy-classifier 1 artificial-intelligence 1 hypothesis-testing 1 kaggle-competition 1 model-evaluation-and-selection 1 model-training 1 gradient-boosted-trees 1 linear-svm 1 artificial-neural-networks 1 breadth-first-search 1 depth-first-search 1 a-star-search 1 greedy-best-first-search 1 hidden-layers 1 principal-component-analysis 1 xgboost-algorithm 1 rapidminer 1 passenger-satisfaction 1 rusboost 1 smote-algorithm 1 unbalanced-data 1 cat-boost-algorithm 1 lgbmclassifier 1 adaboostclassifier 1 bayesian-inference 1 bayesian-methods 1 boosted-classification 1 lda 1 mda 1 mdanalysis 1