Topic: "adaboost-algorithm"
Jack-Cherish/Machine-Learning
:zap:机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
Language: Python - Size: 1.08 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 9,611 - Forks: 5,103

Mayurji/MLWithPytorch
Objective of the repository is to learn and build machine learning models using Pytorch. 30DaysofML Using Pytorch
Language: Python - Size: 868 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 122 - Forks: 37

paocarvajal1912/VIXM-Algorithmic-Strategy
An algorithmic trading strategy incursion using Adaboost machine learning classifier, to create the first volatility security suitable for long term investors.
Language: Jupyter Notebook - Size: 20.7 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 3 - Forks: 2

obynio/adaboost
A parallelised facial recognition program written from scratch in C with minimal dependencies
Language: C - Size: 1.24 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1

dhrupad17/Machine-Learning-A-Z
This is a practice Repository consisting of all the notebooks I have practiced for Machine Learning from basics to Advance
Language: Jupyter Notebook - Size: 51.9 MB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

shridhar1504/Price-Prediction-for-Used-Cars-Datascience-Project
This project uses machine learning to predict the price of a used car. The model is trained on a dataset of historical car sales data, and it can then be used to predict the price of a car based on its features.
Language: Jupyter Notebook - Size: 708 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

ndtands/TabularDataProblem
Classification in TabularDataset
Language: Jupyter Notebook - Size: 5.57 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

amindadgar/Machine-Learning
The homeworks related to Machine Learning university course would be saved here.
Language: Jupyter Notebook - Size: 12.3 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

Aishwaryakkumar/Automobile
Automobile dataset for used Car Price Analysis to predict the price of a vehicle with their features and performance factor to provide the exact value of a vehicle for buyer seller satisfaction using exploratory data analysis and machine learning models.
Language: Jupyter Notebook - Size: 1.92 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

kpratikin/Credit-Card-Fraud
Identify fraudulent credit card transactions so that customers are not charged for items that they did not purchase. (Python, Logistic Regression Classifier, Unbalanced dataset).
Language: Jupyter Notebook - Size: 359 KB - Last synced at: 9 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 4

garvitjain-02/Machine-Learning-Algorithms
Various machine learning algorithms implemented for practice! Welcome to this Machine Learning Algorithms repository which is a comprehensive guide for anyone looking to understand the inner workings of different ML algorithms.
Language: Jupyter Notebook - Size: 7.69 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

Sandeep9975/Adaboost-Algorithm
Adaboost, short for Adaptive Boosting, is a popular and powerful ensemble learning algorithm used in machine learning.
Size: 12.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

pha123661/Decision-Tree-Ensembles-Bagging-and-Boosting
Implements the Decision Tree (CART), AdaBoost and Random Forest algorithm from scratch by only using NumPy.
Language: Jupyter Notebook - Size: 2.9 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

swapanroy/Predicting-Length-of-Stay-w-Boosting-algorithms
HealthCare Length of Stay predictions with Booster algorithms
Language: Jupyter Notebook - Size: 850 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

krishna-280792shinde/Machine_Learning_Notes
Machine Learning Models
Size: 927 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

luuisotorres/Credit-Card-Fraud-Detection
For this project, I used four different classification algorithms to detect fraudulent credit card transactions.
Language: Jupyter Notebook - Size: 744 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1

sanchitsgupta/decision-tree-algorithms
Some decision tree algorithms implemented in C++
Language: C++ - Size: 646 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

tkhan11/Dtreehub
Dtreehub is a lightweight decision tree framework for Python with categorical feature support. It covers regular decision tree algorithms: ID3, C4.5, CART, CHAID and regression tree, random forest and adaboost.
Language: Python - Size: 468 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

nischaybikramthapa/predicting-hospital-los
Can we predict how long a patient will be in a hospital with a fair comparison on gender, race and health service areas?
Language: Jupyter Notebook - Size: 3.72 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

PeterSchuld/Disaster-Response-Pipeline-
Project No.2 (Data Engineering) in the Data Scientist Nanodegree program. Build a machine learning pipeline to categorize emergency messages based on the need communicated by the sender.
Language: Jupyter Notebook - Size: 3.4 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

RickFSA/Lending_Club_Default_Prediction
Classify default borrowers from initial loan application for Lending Club
Language: Jupyter Notebook - Size: 57.5 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

philsaurabh/XGBoost-and-Adaboost-Example
A simple example project on XGBoost and Adaboost.
Language: Jupyter Notebook - Size: 254 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

pawneshg/ImageOperations
Image processing algorithms
Language: Jupyter Notebook - Size: 30.4 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

Vishal-sys-code/machine-learning-complete-guide
The Complete Machine Learning Repository
Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

SravanTummalapalli/Machine_Learning_Cheat_notes
Machine Learning Cheat Notes
Language: Jupyter Notebook - Size: 9.09 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Chenna7893/Optimizing-Credit-Card-Fraud-Detection-Using-Ensemble-Methods
The project demonstrates the effectiveness of combining AdaBoost and Majority Voting for credit card fraud detection, providing a reliable and accurate solution to combat fraudulent activities in financial transactions.
Size: 9.13 MB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

koushik16/Ensemble-Methods-Exploration
Implementations of AdaBoost and Bagging algorithms applied to multiple datasets, comparing performance across various scenarios with different tree depths.
Language: Jupyter Notebook - Size: 264 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

AmbreenMahhoor/AdaBoost-Classifier
Language: Jupyter Notebook - Size: 276 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Nia3324/ML_AdaBoost_2223
From scratch Implementation and analysis of the algorithm Adaboost.
Language: Jupyter Notebook - Size: 270 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Toshani/Breast-Cancer-Prediction-Data-Analytics
Final Data Analytics course project repository where we have implemented Breast Cancer tumor classification into malignant and benign thereby predicting the chance of breast cancer.
Language: Jupyter Notebook - Size: 5.35 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Vaishnokmr/Scratch-Code-ML-Algo
Scratch code for a machine learning algorithm involves writing code from scratch to implement the algorithm rather than using pre-built libraries or frameworks.
Language: Jupyter Notebook - Size: 367 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

yousefkotp/MAGIC-Gamma-Telescope-Classification
Classification of Gamma and Hadron events by training classifieres and machine learning algorithms on the MAGIC Gamma Telescope dataset.
Language: Jupyter Notebook - Size: 2.1 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ChakradharG/MBTI-Classification
Solution to the (MBTI) Myers-Briggs Personality Type Dataset on Kaggle
Language: Python - Size: 15.7 MB - Last synced at: over 2 years ago - Pushed at: over 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: almost 3 years ago - Stars: 0 - Forks: 0

SheezaShabbir/Preprocessing-and-Classification-on-Lending-Club-dataset
Lending Club is a lending platform that lends money to people in need at an interest rate based on their credit history and other factors. In this blog, we will analyze this data and pre-process it based on our need and build a machine learning model that can identify a potential defaulter based on his/her history of transactions with Lending Club. This dataset contains 42538 rows and 144 columns. Out of these 144 columns, many columns have null values in majority.
Language: Jupyter Notebook - Size: 948 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

AlessandraFaria/AdaBoosting
Complete BOOSTING Process
Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

rupeshsure/Heart_Disease_Prediction_Project
Heart_Disease_Prediction
Language: Jupyter Notebook - Size: 905 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

madhur02/Ensemble_learning_on_Loan_dataset
Ensemble Learning Tutorial
Language: Jupyter Notebook - Size: 1.5 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

olumideodetunde/Shopping-Intention-Classification
This notebook outlines the pipelines of 3 models used to classify the shopping intention of online shoppers. Instances of individual pipleines have been generated for this project.
Language: Jupyter Notebook - Size: 89.8 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

gabriel-solon-padilha/predicao_precoscasas_House_Prices_regression
Sétimo mini projeto de data science em que pude usar diversos modelos de regressão para prever o preço das casas a partir de um conjunto diversificado de features
Language: Jupyter Notebook - Size: 1.68 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

JayDS22/Bank_Customer_Churn_Model
This repository consists of all the files related to Bank Customer Churn Model
Language: Jupyter Notebook - Size: 431 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Shukti042/Logistic-Regression-and-AdaBoost-for-Classification
Logistic Regression and AdaBoost for Classification
Language: Python - Size: 85 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Fintech-Collaboration/vixx-token-dapp
A token is created to invest in long term volatility, which is very profitable in market crisis, but also in bull markets through algorithmic trading using an Adaboost machine learning model and VIXM.
Language: Jupyter Notebook - Size: 78.9 MB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 3

mervat-khaled/Finding-Donors-for-CharityML
Created AdaBoost Model to predict whether the income is <=50K or >50K of an individual. In order to find potential donors.
Language: Jupyter Notebook - Size: 506 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Abhishek-Nalawade/Face-Recognition
Language: Python - Size: 10.3 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Pradnya1208/Bank-customers-churn-prediction
our goal for this project is to predict the churn probability of a customer using machine learning classification techniques.
Language: Jupyter Notebook - Size: 3.23 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

AhmedKamal75/AI_Lab3
Language: Jupyter Notebook - Size: 785 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

lawrencegoodwyn/LendingClub-Risk-Analysis
This repo contains code that looks into LendingClub's membership data and employs ML to see if the model can predict a user's "credit risk" based on lending.
Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

jeevankande/Ensemble-Techniques
Ensemble methods is a machine learning technique that combines several base models in order to produce one optimal predictive model. To better understand this definition lets take a step back into ultimate goal of machine learning and model building. This is going to make more sense as I dive into specific examples and why Ensemble methods are used.
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

akshayratnawat/BoostingAlgorithms
This project explores the working of various Boosting algorithms and analyzes the results across different algorithms. Algorithms Used are: Random Forest, Ada Boost, Gradient Boost and XG Boost
Language: HTML - Size: 1.33 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Abir0810/software-prediction-project
Software prediction has been used. Where the machine learning and the deep learning algorithms have been compared.
Language: Python - Size: 3.91 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

soumya-mishra/Cancer_predictions
Language: Jupyter Notebook - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

maoz-grossman/AdaBoost-implementation
Implementation of an adaboost algorithm on the dataset HC_Body_Temperature
Language: Jupyter Notebook - Size: 88.9 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Karan-Malik/AdvancedRegression
Using Various Regression Algorithms to Predict House Sales
Language: Python - Size: 90.8 KB - Last synced at: 5 days ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Trisha11r/MLAlgorithms_from_scratch_Python
Implementation of common ML Algorithms from scratch in Python3
Language: Python - Size: 501 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Debapriya-M/MachineLearning---Algorithms-Part1
Perceptron Implementation - implementing Empirical Risk Minimization (ERM) and k-folds cross-validation
Language: Python - Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

AnilNITT/Credit-Card-Fraud-Detection
Identify fraudulent credit card transactions.
Language: Jupyter Notebook - Size: 896 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

smitkiri/ml-from-scratch
Implementation of various machine learning algorithms from scratch.
Language: Python - Size: 128 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

karolrives/Arvato-Project
Identifies the parts of the Germany population that best describe the core customer base of the Arvato company. Uses a supervised model to predict which individuals are most likely to convert into becoming customers for the company.
Language: Jupyter Notebook - Size: 10.9 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0
