GitHub topics: boosting-algorithms
Lionzap/ML-From-Scratch
Explore ML-From-Scratch for clear Python implementations of key machine learning models. Understand algorithms without complexity. 🐍🌟
Language: Python - Size: 468 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

AnveshanK/SML-Assignments
From-scratch implementations of PCA, FDA, LDA, QDA for MNIST classification, decision trees, ensemble methods (bagging, random forest), 5-fold cross-validation, AdaBoost, Gradient Boosting, and neural networks for binary classification—using only NumPy, Pandas, and Matplotlib.
Language: Jupyter Notebook - Size: 2.88 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

LinearBoost/linearboost-classifier
LinearBoost Classifier is a rapid and accurate classification algorithm that builds upon a very fast, linear classifier.
Language: Python - Size: 463 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 190 - Forks: 18

kyosek/NGBoost-experiments
Play around with NGBoost and compare with LightGBM and XGBoost
Language: Python - Size: 327 KB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 20 - Forks: 8

arogozhnikov/hep_ml
Machine Learning for High Energy Physics.
Language: Jupyter Notebook - Size: 92.1 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 187 - Forks: 66

ptyadana/Data-Science-and-Machine-Learning-Projects-Dojo
collections of data science, machine learning and data visualization projects with pandas, sklearn, matplotlib, tensorflow2, Keras, various ML algorithms like random forest classifier, boosting, etc
Language: Jupyter Notebook - Size: 617 MB - Last synced at: 28 days ago - Pushed at: over 2 years ago - Stars: 454 - Forks: 94

Adam-maz/Various_Data_Sciences_Assays
Here I am presenting machine learning notebooks, which were used during various analysis, e.g. kaggle competitions: "Titanic - Machine Learning from Disaster", Spaceship Titanic", "House Prices - Advanced Regression Techniques" and "Digit Recognizer") and other assays.
Language: Jupyter Notebook - Size: 923 KB - Last synced at: 14 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

boost-R/mboost
Boosting algorithms for fitting generalized linear, additive and interaction models to potentially high-dimensional data. The current relase version can be found on CRAN (http://cran.r-project.org/package=mboost).
Language: HTML - Size: 10.7 MB - Last synced at: 5 days ago - Pushed at: 8 months ago - Stars: 75 - Forks: 25

kk7nc/Text_Classification
Text Classification Algorithms: A Survey
Language: Python - Size: 13.8 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 1,811 - Forks: 544

sadiq18/PredictPodcastListeningTime
Kaggle contest to predict listening time of a podcast episode.
Language: Jupyter Notebook - Size: 23.1 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

MoinDalvs/Gradient_Boosting_Algorithms_From_Scratch
4 Boosting Algorithms You Should Know – GBM, XGBoost, LightGBM & CatBoost
Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 0

boost-R/FDboost
Boosting Functional Regression Models. The current release version can be found on CRAN (http://cran.r-project.org/package=FDboost).
Language: R - Size: 9.36 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 19 - Forks: 7

dev-takhi77/Solana_Raydium_Volume_Bot
🌟Solana Raydium Volume Bot: Boosting volume & ranking of the pool, 🎯 Solana Volume Bot, Raydium Volume Bot, Pumpfun Volume Bot
Language: TypeScript - Size: 54.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 234 - Forks: 63

Sardhendu/Data-Science-Projects
{PySpark, R, Python}: Several Data Science projects
Language: Jupyter Notebook - Size: 103 MB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 15 - Forks: 8

woov2/LG_Aimers_5th
[해커톤] LG 전자 디스플레이 제조 공정 이상 탐지 AI 모델 개발
Language: Jupyter Notebook - Size: 4.19 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 1

FindTo/StartML_Project_ML
Recommendation system for users in social network, which provides 5 relevant posts per user. Uses PostgreSQL tables to retrieve user, posts and history of iteractions. Part of Karpov Courses StartML, link below
Language: Python - Size: 1.36 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

maheshvarade/Tree-Based-Algorithms-on-loan-data
Loan Risk Prediction Implemented RandomForestClassifier, which provided the best results compared to Gradient Boosting.Car Ownership Prediction (Using Same Data) Compared multiple models.House Ownership Prediction Followed the same pipeline for predicting House Ownership.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

sylvaincom/high-dimensional-statistics
[Python, R] My homeworks for the Statistics for high-dimensional data course of my MSc @ Mines Nancy
Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

kafisatz/DecisionTrees.jl
Julia Decision Tree Algorithms for Regression
Language: Julia - Size: 80.2 MB - Last synced at: 22 days ago - Pushed at: 5 months ago - Stars: 7 - Forks: 0

boost-R/gamboostLSS
Boosting models for fitting generalized additive models for location, shape and scale (GAMLSS) to potentially high dimensional data. The current relase version can be found on CRAN (https://cran.r-project.org/package=gamboostLSS).
Language: R - Size: 6.92 MB - Last synced at: 5 days ago - Pushed at: 4 months ago - Stars: 26 - Forks: 12

nuanio/xgboost-node
Run XGBoost model and make predictions in Node.js
Language: Cuda - Size: 1.54 MB - Last synced at: 1 day ago - Pushed at: over 7 years ago - Stars: 42 - Forks: 9

ChaitanyaC22/Udacity-AWS-MLE-ND-Project1-Bike-Sharing-Demand-with-AutoGluon
This project focuses on using the AWS open-source AutoML library, AutoGluon, to predict bike sharing demand using the Kaggle Bike Sharing demand dataset.
Language: HTML - Size: 2.05 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 3

GaneshAhire30/Big_Mart_Sales_Prediction-Project
Big Mart Sales Prediction is a machine learning project that predicts product sales across multiple stores using features like item price, weight, and store type. The model uses regression techniques to help optimize inventory and sales strategies.
Language: Jupyter Notebook - Size: 8.23 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

bourbaki/catboost-go
Catboost Go Wrapper
Language: Go - Size: 5.86 KB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 29 - Forks: 16

eZWALT/ADSDB-DS-EtE-Project
MDS-FIB Algorithms, Data Structures and Databases (ADSDB) Subject 2024-25 Q1, Data-Science End-to-End project path
Language: Jupyter Notebook - Size: 14.8 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

hbldh/skboost
MILBoost and other boosting algorithms, compatible with scikit-learn
Language: Python - Size: 1.37 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 14 - Forks: 12

vignesh4005/Crowdfunding_Campaign_Success_Prediction
This project aims to predict the success of crowdfunding campaigns using machine learning models: Ensemble Learning, Naive Bayes, and Support Vector Machine (SVM).
Language: Jupyter Notebook - Size: 370 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Juwono136/predictive-analytics-machine-learning-model
Predictive Analysis using a Comparison of Three Machine Learning Algorithms (KNN, Random Forest, and Boosting Algorithm) to Predict Home Selling Prices.
Language: Jupyter Notebook - Size: 4.63 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

yoihxn/MNIST-Digit-Classification-using-XGBoost
Using XGBoost on MNIST to classify Handwritten Digits
Language: Jupyter Notebook - Size: 1.15 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

egaoharu-kensei/ML-algorithms-from-scratch.-Course-for-beginners
ML-algorithms from scratch using Python. Classic Machine Learning course.
Language: Jupyter Notebook - Size: 21 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 48 - Forks: 14

Saeedanbarimoghadam/Breast-Cancer-Detection-Using-Machine-Learning-Algorithms
Language: Jupyter Notebook - Size: 1.62 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

jeus0522/awesome-gradient-boosting-papers
A curated list of gradient boosting research papers with implementations.
Language: Python - Size: 964 KB - Last synced at: 9 days ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Yaswanth1702/Sentiment-Analysis-using-Text-Mining-and-Natural-Language-Processing-
Language: Jupyter Notebook - Size: 3.77 MB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

skoc/bcpm-pfda-challenge
My Solution for PrecisionFDA Brain Cancer Predictive Modeling and Biomarker Discovery Challenge
Language: R - Size: 170 MB - Last synced at: 1 day ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 0

Ammaar-Alam/cos-226
Containing all the coding projects and assignments I've completed in COS 226 @ Princeton (Data Structures & Algorithms)
Language: Java - Size: 202 MB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 1

a-martyn/ISL-python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Language: Jupyter Notebook - Size: 64.5 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 286 - Forks: 114

Priyanshu501/Data_Science_Practice
Practice Assignments for Data Science Coursework
Language: Jupyter Notebook - Size: 31.8 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Alanjamlu34/Analisis-NObeyesdad-dataset
Analisis KNN, Random Forest dan Boosting Algorithm.
Language: Jupyter Notebook - Size: 637 KB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

rifqimaruf/fp-pm-b
📃This repository contains a data analysis and modelling for final project that explores employee attrition within an company. We analyze multiple method to classify attrition employee.
Language: Jupyter Notebook - Size: 14 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

jElhamm/Model-Ensembles-Boosting-In-Machine-Learning
"This repository contains implementations of Boosting method, popular techniques in Model Ensembles, aimed at improving predictive performance by combining multiple models. by using titanic database."
Language: Jupyter Notebook - Size: 576 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

simbrant/IplBoost
Repository containing code for a package that implements a boosting algorithm for sliding landmark models.
Language: R - Size: 2.02 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

katsof/probable-sniffle-NLP
Big project: NLP Keyword Extraction and Predictive models (YAKE!, KeyBERT, Naives Bayes, Boosting Gradient)
Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

RohithAthalury/Forecasting-and-Analysis-of-Cyber-Crimes
This project employs ensemble learning methods to forecast cybercrime rates, utilizing datasets with population, internet subscriptions, and crime incidents. By analyzing trends and employing metrics like R2 Score and Mean Squared Error, it aims to enhance prediction accuracy and provide insights for effective prevention strategies.
Language: Python - Size: 5.72 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

zhanghaoshuang/Data-Analytics-in-Business-Group-Project
Using R Markdown for Data Analysis, Machine Learning
Language: HTML - Size: 0 Bytes - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

shobhitraj1/CSE342-Statistical-Machine-Learning
This repository contains my coursework (assignments, semester exams & project) for the Statistical Machine Learning course at IIIT Delhi in Winter 2024.
Language: Jupyter Notebook - Size: 52 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

AnchaNarasimha/Forecasting-and-Analysis-of-Cyber-Crimes
This project employs ensemble learning methods to forecast cybercrime rates, utilizing datasets with population, internet subscriptions, and crime incidents. By analyzing trends and employing metrics like R2 Score and Mean Squared Error, it aims to enhance prediction accuracy and provide insights for effective prevention strategies.
Language: Python - Size: 3.83 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

nakshatrasinghh/Bank-Fears-Loanliness-Prediction
HackerEarth Machine Learning Problem solved with ❤️ by Nakshatra Singh.
Language: Jupyter Notebook - Size: 7.54 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

zchuning/BankruptcyDataAnalysis
Using descriminative models to predict bankruptcy.
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

VikramBansall/Credit-Risk-Model-and-Analysis
Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

SofiaKhutsieva/ML_outflow_of_clients_from_a_telecommunication_company
Прогнозирование оттока пользователей (Проект в skillbox)
Language: Jupyter Notebook - Size: 5.32 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

simondelarue/Data-Challenge_Anomaly-Detection
Machine Learning approaches to perform anomaly detection on industrial data.
Language: Jupyter Notebook - Size: 2.39 MB - Last synced at: 11 months ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 1

HussainAther/boost
boosting algorithms for neuroscience
Language: Python - Size: 20.5 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

antoniatsv/ML-algorithms-Sim-Study
A simulation study completed during a visit at the Microsoft Research, Cambridge (May-Sept, 2022)
Language: Python - Size: 4.37 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Harsha-Vardhan-Tangudu/MACHINE-LEARNING-INTRUSION-DETECTION-SYSTEM
ML project based on intrusion detection system trained dataset
Language: Jupyter Notebook - Size: 41.7 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Trupti2011/FlightPrice-Prediction
Flight Price Prediction using Advance Machine learning
Language: Jupyter Notebook - Size: 819 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

eeshwarib23/Airbnb-regression-analysis
ML | Regression Analysis| Random Forest| XGBoost| Gradient Boost| EDA| Feature Engineering| Feature selection
Size: 4.27 MB - Last synced at: 11 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

julio-segura/boosting-algorithms-project
Improving previous trainings with boosting algorithms
Language: Jupyter Notebook - Size: 185 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Aysenuryilmazz/TelecomCustomersChurnPrediction
churn prediction for telecom company
Language: Jupyter Notebook - Size: 829 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Aysenuryilmazz/hr_analytics_ML
ML models for HR classification problem. For more information please visit the link: https://datahack.analyticsvidhya.com/contest/wns-analytics-hackathon-2018-1/
Language: Jupyter Notebook - Size: 47.9 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

ramjan-raeen/MachineLearningProject
Machine-Learning with Python and R programming
Language: Jupyter Notebook - Size: 15.3 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

niveditha093/VisaApproval
Visa approval process by leveraging machine learning on OFLC's extensive dataset, aiming to recommend suitable candidate profiles for certification or denial based on crucial drivers.
Language: Jupyter Notebook - Size: 1.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Mazcho/Model-Boosting-untuk-memprediksi-kualitas-udara-di-indonesia
Halo! Selamat datang di Repository ku. Dalam Repository ini kamu akan melihat hasil eksperiment ku membandingkan 5 model boosting untuk memprediksi kualitas udara yang ada di jakarta.
Language: Jupyter Notebook - Size: 27.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Abdul-AA/Shark-Tank-Pitches
Predictive Modeling and Clustering Insights for Success on Shark Tank
Language: R - Size: 1.27 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Mukaffi28/TeaLeafNet-A-Hybrid-CNN-Boosting-Approach-for-Tea-Leaf-disease-Classification
Tea Leaf disease Classification
Language: Jupyter Notebook - Size: 807 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

CodeLtDave/Boosting-Algorithms-ML-Seminararbeit
Exploration of Boosting Algorithms in Machine Learning: This repository hosts a seminar paper examining key boosting algorithms like AdaBoost, Gradient Boosting, and XGBoost. It includes theoretical insights, practical applications, and comparative analyses, providing a comprehensive understanding of boosting techniques in ML.
Language: Jupyter Notebook - Size: 36 MB - Last synced at: 10 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

aik7/Boosting
Boosting algorithm for classification and regression using rectangular maximum agreement problem
Language: C++ - Size: 2.41 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

CraigKelly/goboost
Boosting Algorithms in Go
Language: Shell - Size: 3.91 KB - Last synced at: about 1 year ago - Pushed at: almost 9 years ago - Stars: 3 - Forks: 0

k-loki/re_new-machinehack
A Machinehack ML challenge
Language: Jupyter Notebook - Size: 1.99 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

abhishek2602/Advanced-Machine-Learning
Advanced Machine Learning
Language: Jupyter Notebook - Size: 138 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

divyansh1195/Machine-Learning-Projects
Implementation of Machine Learning Projects
Language: Jupyter Notebook - Size: 6.7 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

sharmaroshan/Drugs-Recommendation-using-Reviews
Analyzing the Drugs Descriptions, conditions, reviews and then recommending it using Deep Learning Models, for each Health Condition of a Patient.
Language: Jupyter Notebook - Size: 3.86 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 60 - Forks: 31

ngchc/deepBoosting
Deep Boosting for Image Denoising in ECCV 2018 and its Real-world Extension in IEEE Transactions on Pattern Analysis and Machine Intelligence
Language: Python - Size: 915 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 53 - Forks: 13

shivangi-975/Machine_Learning
Machine Learning Concepts and Algorithms.
Language: Jupyter Notebook - Size: 5.27 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

pankush9096/Boosting-Algorithms
XGboost and Gradient Boosting implementation
Language: Jupyter Notebook - Size: 467 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

shreyash2610/Machinehack-Mathcothon-Car-Price-Prediction
With the rise in the variety of cars with differentiated capabilities and features such as model, production year, category, brand, fuel type, engine volume, mileage, cylinders, colour, airbags and many more, we are bringing a car price prediction challenge for all. We all aspire to own a car within budget with the best features available. To solve the price problem we have created a dataset of 19237 for the training dataset and 8245 for the test dataset.
Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

SarangGami/TED-Talks-Views-Prediction-Supervised-learning
This project aims to build a regression model that predicts the number of views for TED Talks videos on the TED website.
Language: Jupyter Notebook - Size: 21 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

kk289/Predicting-Credit-Defaults
Machine Learning: Group Project
Language: R - Size: 980 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Ch-Jameel/Classification-modeling-work-using-SVC-KNN-DT-etc
Welcome to our Classification Modeling Project! In this project, we've employed various machine learning algorithms and techniques to solve a classification problem.
Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

abhinav4201/Regression-Bike-Sharing-Demand-Prediction
This project help in stabilizing bike demand for every hour
Language: Jupyter Notebook - Size: 65.2 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

thierrygosselin/grur
grur: an R package tailored for RADseq data imputations
Language: R - Size: 7.46 MB - Last synced at: 2 days ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 0

Kmohamedalie/Letter_Recognition
Alphabet recognition
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

piyushghai/Social-Influencers
The repository for CSE 5523 Course Project.
Language: Jupyter Notebook - Size: 12.4 MB - Last synced at: about 2 months ago - Pushed at: about 8 years ago - Stars: 9 - Forks: 3

zpysky1125/Ensembling
Sklearn implement of multiple ensemble learning methods, including bagging, adaboost, iterative bagging and multiboosting
Language: Python - Size: 85.9 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 4

AdiShirsath/Machine_learning_projects
Projects on Classification and Regression
Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

Puneet2000/In-Depth-ML
In depth machine learning resources
Language: Jupyter Notebook - Size: 130 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 38 - Forks: 16

atecon/fsboost
Forward stagewise sparse regression estimation implemented for gretl.
Language: Makefile - Size: 9.05 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Shrinidhi1/New-User-Engagement-Challenge
Given the data of the user activity of a month, can predict user activity for the upcoming month.
Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 1

Abhijeet-Pitumbur/Xray-Xplorer
Xray Xplorer · CNN, XGBoost & Grad-CAM · COVID-19 Detection in Chest X-Ray Images Using Explainable Boosting Algorithms · Flask Web Application · Python, TensorFlow, Keras
Language: Jupyter Notebook - Size: 2.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

hussainkanafani/cost-sensitive-boosting
Source code to reproduce the results of the cost-sensitive boosting for classification of imbalanced data
Language: Python - Size: 23.6 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

ArslanKAS/Python-Chilla-2.0
All the content that I learned through two Courses. One is called "Python Chilla" and the second one is called "100 Days of Machine Learning"
Language: Jupyter Notebook - Size: 129 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

Priya-cse/Zindi-New-User-Engagement
New User Engagement
Language: Jupyter Notebook - Size: 2.49 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

subrata-samanta/Who-do-we-target-for-Donations-from-census-data
This is the US Census Income data set: the original data from UCI Edu. where adult.data & adult.test = 48K rows, different than 32K rows that has been mainly circulated around which also comes with many other challenges for data wrangling
Language: Jupyter Notebook - Size: 777 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

rrzta/Machine-Learning---Project-Based
Boosting is one of the methods contained in Ensemble Learning. This technique makes it possible to combine several models into one more robust model.
Language: Jupyter Notebook - Size: 354 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

akshitbansall/anomaly-detection-stgi
The Anomaly Detection project aims to develop a system that can identify and flag unusual patterns or outliers in a given dataset or system. By utilizing advanced statistical techniques and machine learning algorithms, the project aims to detect deviations from normal behavior that could indicate potential anomalies
Language: Jupyter Notebook - Size: 21.1 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

HarshiniAiyyer/Gradient-Boosting-for-Cryptomarkets
Accommodating supervised learning algorithms for the historical prices of the world's favorite cryptocurrency and boosting it through LightGBM.
Language: Python - Size: 0 Bytes - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

BrunoRaphaell/previsao_precos_imoveis_zap
Tratamento dos dados, análise gráficas e desenvolvimento de modelos de regressão de machine learning para previsão do preço de imóveis residenciais no Rio de Janeiro.
Language: Jupyter Notebook - Size: 6.9 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

nicoladisabato/online-shoppers-intention
Binary classification with Boosting ensemble algorithm
Size: 278 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Showndarya/data-science-kaggle-competition
The goal of this competition is to predict the star rating associated with user reviews from Amazon Movie Reviews using the available features (BU CAS CS 506)
Size: 2.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

DhruvSrikanth/Boosting-Theory
A collection of papers produced on the theory of boosting as applied to binary classification. Further extensions to the multi-class classification problem and necessary and sufficient conditions to ensure boostability i.e. weak learning conditions. Finally, an overview over boosting algorithms and models employed in industry.
Size: 638 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

qiyiping/gbdt
Language: C++ - Size: 597 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 94 - Forks: 70
