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

GitHub topics: gradient-boosting

john-fante/john-fante

In my code portfolio, I generally try new techniques and methods in machine learning. I don't like only copying and pasting.

Size: 318 KB - Last synced at: about 1 hour ago - Pushed at: about 2 hours ago - Stars: 0 - Forks: 0

MahtabRanjbar/Customer_Churn_Prediction

Full‑stack Customer Churn Prediction app – FastAPI backend, Streamlit dashboard, PostgreSQL & Docker

Language: Python - Size: 265 KB - Last synced at: about 6 hours ago - Pushed at: about 6 hours ago - Stars: 0 - Forks: 0

lebedevaale/early_warning_model

Model for the prediction of the critical transitions in the volume of trading in the financial hourly data

Language: Jupyter Notebook - Size: 842 MB - Last synced at: about 6 hours ago - Pushed at: about 8 hours ago - Stars: 0 - Forks: 0

sergio11/diabetes_prediction_ml

Predicting diabetes using machine learning models based on medical data 📊💉. The goal is to create an accurate and reliable diagnostic tool for early detection 🏥🤖.

Language: Jupyter Notebook - Size: 13.6 MB - Last synced at: about 8 hours ago - Pushed at: about 9 hours ago - Stars: 2 - Forks: 2

google/yggdrasil-decision-forests

A library to train, evaluate, interpret, and productionize decision forest models such as Random Forest and Gradient Boosted Decision Trees.

Language: C++ - Size: 39.7 MB - Last synced at: about 22 hours ago - Pushed at: 4 days ago - Stars: 562 - Forks: 59

mirecl/catboost-cgo

CatBoost a fast, scalable, high performance Gradient Boosting on Decision Trees library. Golang using Cgo for blazing fast inference CatBoost Model 🚀

Language: C - Size: 793 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 13 - Forks: 1

mrapp-ke/MLRL-Boomer

A scikit-learn implementation of BOOMER - An Algorithm for Learning Gradient Boosted Multi-Output Rules

Language: C++ - Size: 289 MB - Last synced at: about 18 hours ago - Pushed at: about 20 hours ago - Stars: 1 - Forks: 0

interpretml/interpret

Fit interpretable models. Explain blackbox machine learning.

Language: C++ - Size: 14.7 MB - Last synced at: about 22 hours ago - Pushed at: 3 days ago - Stars: 6,460 - Forks: 745

ottenbreit-data-science/aplr

APLR builds predictive, interpretable regression and classification models using Automatic Piecewise Linear Regression. It often rivals tree-based methods in predictive accuracy while offering smoother and interpretable predictions.

Language: C++ - Size: 6.13 MB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 17 - Forks: 4

TorchEnsemble-Community/Ensemble-Pytorch

A unified ensemble framework for PyTorch to improve the performance and robustness of your deep learning model.

Language: Python - Size: 1.56 MB - Last synced at: 1 day ago - Pushed at: 10 months ago - Stars: 1,022 - Forks: 95

catboost/catboost

A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computation on CPU and GPU.

Language: C++ - Size: 1.66 GB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 8,356 - Forks: 1,215

shap/shap

A game theoretic approach to explain the output of any machine learning model.

Language: Jupyter Notebook - Size: 301 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 23,722 - Forks: 3,354

microsoft/LightGBM

A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.

Language: C++ - Size: 22.6 MB - Last synced at: 5 days ago - Pushed at: 11 days ago - Stars: 17,129 - Forks: 3,875

benedekrozemberczki/awesome-fraud-detection-papers

A curated list of data mining papers about fraud detection.

Language: Python - Size: 490 KB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 1,694 - Forks: 312

EpistasisLab/tpot

A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.

Language: Jupyter Notebook - Size: 86.9 MB - Last synced at: 5 days ago - Pushed at: about 2 months ago - Stars: 9,877 - Forks: 1,578

Widezaaaaaaaa/Gradient-Network

**Gradient Network** is a Layer-2 scaling platform on Testnet, allowing developers to build scalable, high-performance decentralized applications with optimized resource management.

Size: 1.95 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

YangLabHKUST/mfair

mfair: Matrix Factorization with Auxiliary Information in R

Language: R - Size: 41.6 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 8 - Forks: 1

somjit101/Facebook-Friend-Recommendation

This is a friend recommendation systems which are used on social media platforms (e.g. Facebook, Instagram, Twitter) to suggest friends/new connections based on common interests, workplace, common friends etc. using Graph Mining techniques. Here, we are given a social graph, i.e. a graph structure where nodes are individuals on social media platforms and a directed edges (or 'links') indicates that one person 'follows' the other, or are 'friends' on social media. Now, the task is to predict newer edges to be offered as 'friend suggestions'.

Language: Jupyter Notebook - Size: 770 KB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 10 - Forks: 3

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: 6 days ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 0

siboehm/lleaves

Compiler for LightGBM gradient-boosted trees, based on LLVM. Speeds up prediction by ≥10x.

Language: Python - Size: 4.74 MB - Last synced at: 7 days ago - Pushed at: 5 months ago - Stars: 412 - Forks: 33

perpetual-ml/perpetual

A self-generalizing gradient boosting machine that doesn't need hyperparameter optimization

Language: Rust - Size: 792 KB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 458 - Forks: 24

ArunabhaPani/kaggle_house_price_prediction_advanced_regression_ml_model

started by analysing and determining the aspects required for tuning of the final ml model. Performed Eda and feature engineering inorder to determine the import parameters of the dataset and to derive more useful features, finally creating a ml model by using various different basic and advanced regression techniques.

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

Agnij-Moitra/MSBoost

MSBoost is a gradient boosting algorithm that improves performance by selecting the best model from multiple parallel-trained models for each layer, excelling in small and noisy datasets.

Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 3 - Forks: 0

benedekrozemberczki/awesome-gradient-boosting-papers

A curated list of gradient boosting research papers with implementations.

Language: Python - Size: 1.48 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 1,021 - Forks: 158

skumbhar272002/heart-disease-classification

Heart disease classification using machine learning algorithms with hyperparameter tuning for optimized model performance. Algorithms include XGBoost, Random Forest, Logistic Regression, and moreto find the best model for accurate heart disease prediction.

Language: Python - Size: 3.05 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 1 - Forks: 0

tensorflow/decision-forests

A collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models in Keras.

Language: Python - Size: 5.87 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 676 - Forks: 113

stanfordmlgroup/ngboost

Natural Gradient Boosting for Probabilistic Prediction

Language: Python - Size: 12.2 MB - Last synced at: 10 days ago - Pushed at: 17 days ago - Stars: 1,694 - Forks: 231

blei-lab/treeffuser

Treeffuser is an easy-to-use package for probabilistic prediction and probabilistic regression on tabular data with tree-based diffusion models.

Language: Jupyter Notebook - Size: 80.3 MB - Last synced at: 4 days ago - Pushed at: about 2 months ago - Stars: 42 - Forks: 4

ddbourgin/numpy-ml

Machine learning, in numpy

Language: Python - Size: 10 MB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 16,044 - Forks: 3,796

serengil/chefboost

A Lightweight Decision Tree Framework supporting regular algorithms: ID3, C4.5, CART, CHAID and Regression Trees; some advanced techniques: Gradient Boosting, Random Forest and Adaboost w/categorical features support for Python

Language: Python - Size: 1.09 MB - Last synced at: 9 days ago - Pushed at: 20 days ago - Stars: 472 - Forks: 101

Timur-Maistermind/Machine-Learning-Roadmap

Machine Learning Roadmap for 2025. Step-by-step guide to become a Data Scientist. Covers the best free learning resources from Python basics to Deep Learning and MLOps.

Size: 3.72 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 73 - Forks: 5

mgsandaruwan/Diabetic_Risk_Prediction_App

A Flask web application that predicts diabetes risk using machine learning. The model is trained on the Pima Indians Diabetes Dataset and optimized to prioritize false positives over false negatives for medical safety. Features include patient data input, real-time predictions, and detailed risk assessment.

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

soda-inria/hazardous

Competing Risks and Survival Analysis

Language: Python - Size: 9.2 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 94 - Forks: 17

benedekrozemberczki/awesome-decision-tree-papers

A collection of research papers on decision, classification and regression trees with implementations.

Language: Python - Size: 870 KB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 2,398 - Forks: 341

ClimbsRocks/auto_ml

[UNMAINTAINED] Automated machine learning for analytics & production

Language: Python - Size: 1.38 MB - Last synced at: 7 days ago - Pushed at: about 4 years ago - Stars: 1,644 - Forks: 312

afersantos/ejercicios-machine-learning

Proyecto académico de Machine Learning realizado con Python

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

sankoktas/bhi360-fall-detection

Fall detection system using Bosch BHI360 sensor data with time-series labeling, feature extraction, and machine learning (LOSO CV + Gradient Boosting).

Language: Jupyter Notebook - Size: 6.67 MB - Last synced at: 15 days ago - Pushed at: 15 days 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: 9 days ago - Pushed at: over 1 year ago - Stars: 621 - Forks: 242

albiagro/students-grade-prediction

This project focuses on data analysis and grade prediction for students enrolled in a Portuguese language course. Using the Student Alcohol Consumption dataset, we aim to understand how personal, social, and academic features influence students' final grades.

Language: Jupyter Notebook - Size: 605 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

Evovest/EvoTrees.jl

Boosted trees in Julia

Language: Julia - Size: 44.8 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 182 - Forks: 22

rmitsuboshi/miniboosts

A collection of boosting algorithms written in Rust 🦀

Language: Rust - Size: 4.12 MB - Last synced at: 8 days ago - Pushed at: 3 months ago - Stars: 52 - Forks: 5

jd-opensource/UTBoost

A powerful tree-based uplift modeling system.

Language: C++ - Size: 188 KB - Last synced at: about 2 hours ago - Pushed at: about 1 year ago - Stars: 30 - Forks: 2

Tyriek-cloud/Cox-Hazard-Model-Simulation

This is an exploration of synthetically generated data using a classic cox regression model and two gradient boosted models.

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

Yahlawat/Credit-Card-Default-Prediction

Predicting default payments using gradient boosting and ensemble machine learning models. Includes EDA, model comparison (Random Forest, XGBoost, LightGBM, etc.), ROC analysis, and feature importance on Taiwanese credit card client data.

Language: Jupyter Notebook - Size: 784 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

Kamal-Shirupa/Solar-Power-Forecasting

This project predicts solar panel energy output based on weather conditions and irradiance levels using a hybrid model of Gradient Boosting and LSTM .

Size: 649 KB - Last synced at: 12 days ago - Pushed at: 22 days ago - Stars: 1 - Forks: 0

insdout/ML-Algorithms-From-Scratch

Implementations of main Machine Learning Agorithms from scratch: Gaussian Mixture Model, Gradient Boosting, Adam, RMSProp, PCA, QR, Eigendecomposition, Decision Trees etc.

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

Soumyapro/Laptop-Price-Predictor

This project aims to predict the price of laptops based on their technical specifications using various machine learning models. The dataset includes attributes like brand, processor, RAM, memory type, GPU, screen size, and operating system.

Language: Jupyter Notebook - Size: 610 KB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

sberbank-ai-lab/LightAutoML 📦

LAMA - automatic model creation framework

Language: Python - Size: 23.4 MB - Last synced at: 22 days ago - Pushed at: about 3 years ago - Stars: 922 - Forks: 96

radiantearth/model_ecaas_agrifieldnet_gold

AgriFieldNet Model for Crop Detection from Satellite Imagery

Language: Python - Size: 588 MB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 4

Vikranth3140/Movie-Revenue-Prediction

Movie Revenue Prediction System predicts the revenue of a movie with 14 parameters: name, rating, genre, year, released, score, votes, director, writer, star, country, budget, company and runtime using gradient boosting______________________________ Training Accuracy: 91.58%____________ Testing Accuracy: 82.42%.

Language: TeX - Size: 27.9 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 11 - Forks: 5

ManikantaSanjay/crop_yield_prediction_regression

Crop Yield Prediction using various ML approaches - Random-Forest Regressor, Gradient-Boosting Regressor, Decision-Tree Regressor, Support-Vector Regressor

Language: Jupyter Notebook - Size: 1.74 MB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 8 - Forks: 2

zygmuntz/hyperband

Tuning hyperparams fast with Hyperband

Language: Python - Size: 370 KB - Last synced at: 15 days ago - Pushed at: over 6 years ago - Stars: 593 - Forks: 72

MariiaSam/Stroke-Prediction

A model for predicting the risk of stroke in a patient

Language: Jupyter Notebook - Size: 12 MB - Last synced at: 20 days ago - Pushed at: 28 days ago - Stars: 0 - Forks: 0

abhinabasaha/ml

Language: Jupyter Notebook - Size: 951 KB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 2 - Forks: 0

xRiskLab/woeboost

Weight of Evidence (WOE) Gradient Boosting

Language: Python - Size: 4.45 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 6 - Forks: 0

Ljove02/spacex-falcon9-analysis

The Falcon 9 Landing Success Prediction project predicts Falcon 9 first-stage landings using machine learning models like Logistic Regression, Random Forest, Gradient Boosting, and Neural Networks. Key features include payload mass, orbit type, and booster reuse. Data is balanced with SMOTE for better accuracy.

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

A-lii/ASD-detection-using-Q-CHAT10-and-SRS

Machine Learning Project using textual data - A comparison between SRS and Q-CHAT10 for autism detection.

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

Riciokzz/Stroke-Prediction

Stroke Prediction project.

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

PaoloGiordani/HybridTreeBoosting.jl

Hytrid Tree Boosting

Language: Julia - Size: 21.4 MB - Last synced at: 4 days ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

Wb-az/ML-airbnb-paris-analytics-and-price-prediction

Airbnb Paris - analytics and accommodation price prediction

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

SverreNystad/power-predictor

Using Machine Learning for time series forecasting of photovoltaic measurement for solar systems based on weather features

Language: Jupyter Notebook - Size: 385 MB - Last synced at: 11 days ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 2

SevilayMuni/LGBM-homicide-prediction-app

LightGBM ML application deployment via Streamlit.

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

jxareas/laptop-price-catboost

State-of-the-Art ML for laptop price prediction.

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

AdityaSreevatsaK/DS-ML-Playground

A collection of data science and machine learning projects showcasing complete workflows, from data cleaning and preprocessing to model building and evaluation. Dive into diverse datasets, explore a range of techniques, and experiment with models in this comprehensive playground for learning and innovation.

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

StatMixedML/DGBM

Distributional Gradient Boosting Machines

Size: 169 KB - Last synced at: 26 days ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 1

adibender/machine-learning-for-survival-ecml2020

Code repository for "A General Machine Learning Framework for Survival Analysis" published at ECML 2020

Language: R - Size: 21.5 KB - Last synced at: 7 days ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 3

atfortes/Repeat-Buyers-Prediction

Alibaba Cloud | Tianchi Competition: TMALL Repeat Buyers Prediction Top 0.7% Solution

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

rickiepark/handson-gb

XGBoost와 사이킷런으로 배우는 그레이디언트 부스팅

Language: Jupyter Notebook - Size: 185 MB - Last synced at: 10 days ago - Pushed at: about 1 month ago - Stars: 25 - Forks: 21

RektPunk/MQBoost

Multiple quantiles estimation model maintaining non-crossing condition (or monotone quantile condition) using LightGBM and XGBoost

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

RayVilaca/room-occupancy-ML-v2

Nesta segunda versão do projeto, foram explorados novos modelos de Machine Learning para predizer se um cômodo está ocupado ou desocupado.

Language: HTML - Size: 13.6 MB - Last synced at: 23 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

JaspreetSingh-exe/Vehicle-Price-Prediction

Vehicle Price Prediction is a machine learning project that estimates vehicle prices using features like make, model, year, mileage, and more. It employs multiple regression models, including Linear Regression, Random Forest, Gradient Boosting, CatBoost, and Stacking Regressor, with GridSearchCV for tuning.

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

LKEthridge/Numerical_Methods

A Numerical Methods project from TripleTen

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

Tolumie/Aviva-Insurance-Statistics-Hypothesis-ABTesting-modelling

This project explores the impact of demographic and lifestyle factors on insurance charges. Using statistical hypothesis testing (ANOVA, Chi-Square, T-tests) and predictive modeling (Elastic Net, Random Forest, Gradient Boosting). The analysis is deployed using Streamlit.

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

Skksyxhdevxu/Global-Video-Game-Sales-Insights

Interactive Tableau dashboard showcasing global video game sales insights, trends, and patterns. Analyze genres, platforms, and publishers to uncover actionable insights for the gaming industry. Includes dataset, workbook, and presentation for in-depth exploration.

Size: 1000 Bytes - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

prajyot2721/go-mastery

go-mastery is a comprehensive guide for mastering the Go programming language, offering in-depth tutorials, practical examples, and hands-on exercises to enhance your skills. Whether you're a beginner or an experienced developer, this repository provides the resources needed to become a proficient Go programmer.

Language: Go - Size: 35.2 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

mohd-faizy/Machine-Learning-Algorithms

This Repository consist of some popular Machine Learning Algorithms and their implementation of both theory and code in Jupyter Notebooks

Language: Jupyter Notebook - Size: 5.89 MB - Last synced at: 12 days ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 4

Szymon-Czuszek/Machine-Learning-Algorithms

In this repository, I will share the materials related to machine learning algorithms, as I enrich my knowledge in this field.

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

Vishal-sys-code/machine-learning-complete-guide

The Complete Machine Learning Repository

Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: 24 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

hubtru/LTBoost

Boosted Hybrids of ensemble gradient algorithm for the long-term time series forecasting (LTSF)

Language: Jupyter Notebook - Size: 41.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 9 - Forks: 1

kmock930/Drug-Consumption-Machine-Learning-analysis

This project contains codes and paperwork based on the course CSI5155 at University of Ottawa (delivered by Professor Dr. Herna Viktor).

Language: Jupyter Notebook - Size: 105 MB - Last synced at: 15 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

MAvRK7/Advanced-Photometric-Analysis-for-Predicting-Specific-Star-Formation-Rates-in-Large-Galaxies

This repo is about predicting Star Formation rates using various algorithms

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

elucideye/drishti

Real time eye tracking for embedded and mobile devices.

Language: C++ - Size: 12.2 MB - Last synced at: 14 days ago - Pushed at: over 5 years ago - Stars: 396 - Forks: 83

RajendraArtanto/streamlit-osteo

This project focuses on Osteoporosis Prediction using machine learning. The dataset used contains clinical and demographic factors related to bone density. Early detection of osteoporosis is crucial in preventing fractures and improving treatment strategies.

Language: Python - Size: 3.68 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

sryaerlmba/heart-disease-prediction

Machine learning project to predict coronary heart disease patients

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

ayodejimichaeladedeji/Sleep-Detection

Ensemble Learning Based Approach to Sleep Stage Classification and Sleep-Wake Detection Using Fitbit Smartwatch Data

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

nickkunz/nestedhyperboost

Nested Cross-Validation for Bayesian Optimized Gradient Boosting

Language: Python - Size: 2.89 MB - Last synced at: 1 day ago - Pushed at: about 5 years ago - Stars: 20 - Forks: 2

pngo1997/Astrophysical-Objects-Classification

Project applies machine learning techniques to classify astrophysical objects using observational data from the Large Synoptic Survey Telescope (LSST).

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

pngo1997/Astrophysical-Object-Classification

Astrophysical Object Classification using a hybrid static and time series data.

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

RajendraArtanto/rajendra_ds_skillfair

This project focuses on Breast Cancer Prediction using machine learning. The dataset used is the Breast Cancer Wisconsin (Diagnostic) dataset from Kaggle. Early detection of breast cancer is crucial in improving treatment success and patient survival rates.

Language: Python - Size: 21.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

yandex-research/tabgraphs

A benchmark of meaningful graph datasets with tabular node features

Language: Python - Size: 138 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 12 - Forks: 1

mratsim/Apartment-Interest-Prediction

Predict people interest in renting specific NYC apartments. The challenge combines structured data, geolocalization, time data, free text and images.

Language: Jupyter Notebook - Size: 440 KB - Last synced at: 8 days ago - Pushed at: over 7 years ago - Stars: 18 - Forks: 1

davemlz/water-storage-retrieval

Semi-supervised water storage retrieval using Sentinel-2

Language: Jupyter Notebook - Size: 288 MB - Last synced at: 22 days ago - Pushed at: almost 5 years ago - Stars: 17 - Forks: 5

Mlk-ad/boost

Boost is a widely used set of C++ libraries that provide support for tasks such as linear algebra, multithreading, and networking. It aims to make C++ development easier and more efficient by offering a wide range of functionalities to developers.

Size: 1000 Bytes - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

RamishFatimaa/Bank-Term-Deposit-Predictions

Predicting bank term deposit subscriptions using Gradient Boosting, feature importance analysis, and customer segmentation for targeted marketing.

Language: Python - Size: 2.13 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

OriolPalacios/Datacamp-RentalDVDinfo-Project

DVD Rental Prediction leverages regression models to forecast rental duration, guiding optimal inventory management for DVD rental companies. It combines data visualization, feature engineering, and model evaluation within a Jupyter Notebook to deliver actionable insights.

Language: Jupyter Notebook - Size: 300 KB - Last synced at: 26 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

RubixML/Housing

An example project that predicts house prices for a Kaggle competition using a Gradient Boosted Machine.

Language: PHP - Size: 617 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 22

BatthulaVinay/phone-usage-analysis

This project analyzes phone usage patterns in India and predicts the primary use of mobile devices based on various features. The notebook covers data preprocessing, exploratory data analysis (EDA), and model training using multiple classification algorithms.

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

Y-R-A-V-R-5/House-Price-Prediction

House Price Prediction Using Machine Learning: A project using Linear Regression, Ridge Regression, Decision Tree, and Gradient Boosting models to predict property values based on key features. Includes EDA, data preprocessing, and performance comparison. **Skills:** Python, Machine Learning, Data Analysis, Regression Models, EDA

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

feedzai/fairgbm

Train Gradient Boosting models that are both high-performance *and* Fair!

Language: C++ - Size: 43 MB - Last synced at: 15 days ago - Pushed at: 10 months ago - Stars: 103 - Forks: 5

GAA-UAM/GB-DNNR

Deep Learning for Multi-Output Regression using Gradient Boosting

Language: Python - Size: 53.7 KB - Last synced at: 9 days ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

Related Keywords
gradient-boosting 853 machine-learning 456 random-forest 345 python 205 logistic-regression 156 xgboost 151 decision-trees 116 data-science 99 linear-regression 94 scikit-learn 87 classification 75 pandas 75 adaboost 72 regression 60 lightgbm 59 numpy 54 machine-learning-algorithms 53 sklearn 53 decision-tree 52 svm 49 feature-engineering 46 knn 45 deep-learning 45 catboost 43 matplotlib 38 jupyter-notebook 38 seaborn 37 exploratory-data-analysis 37 data-analysis 37 supervised-learning 37 ensemble-learning 37 decision-tree-classifier 37 neural-network 37 data-visualization 34 random-forest-classifier 33 python3 33 naive-bayes-classifier 31 support-vector-machines 31 regression-models 31 eda 30 naive-bayes 30 r 30 kaggle 28 boosting 26 predictive-modeling 25 tensorflow 23 svm-classifier 22 knn-classification 21 ridge-regression 21 classification-algorithm 21 lasso-regression 20 data-preprocessing 20 cross-validation 20 gridsearchcv 20 bagging 19 support-vector-machine 19 prediction 19 neural-networks 19 clustering 18 feature-selection 18 nlp 18 time-series 18 hyperparameter-tuning 18 streamlit 17 gradient-descent 17 xgboost-algorithm 17 gradient-boosting-classifier 16 kaggle-competition 16 ml 16 gbm 16 keras 15 gradient-boosting-machine 15 bagging-ensemble 15 adaboostclassifier 15 hyperparameter-optimization 14 visualization 13 xgboost-classifier 13 classifier 13 k-nearest-neighbours 13 artificial-intelligence 13 automl 13 pytorch 12 feature-extraction 12 boosting-algorithms 12 knn-classifier 12 data-mining 11 random-forest-regression 11 forecasting 11 pca 11 preprocessing 11 ensemble-model 11 ai 11 smote 11 kmeans-clustering 11 pyspark 11 flask 11 kmeans 10 lstm 10 supervised-machine-learning 10 knn-regression 10