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

GitHub topics: stacking-ensemble

MAvRK7/Malware-detection-using-MLmodels

This repo is about the cyber security project where malware is detected and classified

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

ahmedshahriar/Telco-Customer-Churn-Prediction-Streamlit-App

This streamlit app predicts the churn rate using Gradient Boosting models (XGBoost, Catboost, LightGBM) on IBM Customer Churn Dataset

Language: Python - Size: 1.32 MB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 3

suraj5424/Stacking-library

A powerful ensemble learning class that supports multi-layer stacking and blending models for regression tasks, with K-fold cross-validation and hold-out validation set options, for robust model performance.

Language: Python - Size: 15.6 KB - Last synced at: 25 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

Alex-Lekov/AutoML_Alex

State-of-the art Automated Machine Learning python library for Tabular Data

Language: Python - Size: 25.9 MB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 229 - Forks: 43

Daniil-Horobets/Credit-Card-Approval-Prediction-100

Credit Card Approval Prediction 100%. This Credit Risk Classification Model predicts whether a loan applicant is "good" or "bad" using a stacking ensemble of Random Forest, XGBoost, and CatBoost with logistic regression. It handles imbalanced data with SMOTE and extracts key financial insights through feature engineering.

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

business-science/modeltime.ensemble

Time Series Ensemble Forecasting

Language: R - Size: 21.2 MB - Last synced at: 14 days ago - Pushed at: 9 months ago - Stars: 78 - Forks: 18

Ankitjha2202/Wind-power-prediction

Wind Power Prediction using Stacking Ensemble Machine Learning Algorithm

Language: Jupyter Notebook - Size: 6.13 MB - Last synced at: 23 days ago - Pushed at: almost 2 years ago - Stars: 9 - Forks: 0

sibirbil/LESS

Learning with Subset Stacking

Language: Python - Size: 11.8 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 4

minakdr/Car-price-prediction-using-Stacking-ensemble-modeling-technique

This project aims to predict the selling prices of used cars based on various features such as brand, model year, mileage, and engine specifications.using-Stacking-ensemble-modeling-technique

Language: R - Size: 412 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

Dalageo/ML-TitanicShipwreck

Exploring the World's Most Renowned Shipwreck ๐Ÿšข

Language: Jupyter Notebook - Size: 990 KB - Last synced at: 16 days ago - Pushed at: 4 months ago - Stars: 12 - Forks: 2

EricaYanoshak/AI-Purchase-Behavior-Project

This project focuses on predicting customer purchase behavior using machine learning models, with an emphasis on feature importance.

Language: HTML - Size: 7.97 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

habedi/stacking-framework-for-lwpwq-kc

A stacking framework for the Linking Writing Processes to Writing Quality Kaggle competition

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

Pythondeveloper6/Ensemble-learning-beginner-guide

machine learning ensemble learning types in easy steps with examples

Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

prneidhardt/Ensemble-Learning

EasyVisa Project

Language: Jupyter Notebook - Size: 1020 KB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 4 - Forks: 1

BernardoRaimundo/Credit-Risk-Scoring-A-Stacking-Generalization-Approach

Ensemble based approach compared to traditional machine learning models

Language: Jupyter Notebook - Size: 20.6 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

nhtlongcs/cassava-leaf-disease-classification

Identify the type of disease present on a Cassava Leaf image

Language: Python - Size: 2.2 MB - Last synced at: 9 days ago - Pushed at: almost 4 years ago - Stars: 11 - Forks: 3

gaellinkeu/ML-on-Titanic-Data

Titanic Challenge using different Machine Learning models

Language: Jupyter Notebook - Size: 660 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - 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: 7 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

marielgyap/Spot-the-Hits

My capstone project for the Institute of Data investigates the metadata of songs on Spotify, building a predictive model to project a track's popularity on Spotify using its audio features.

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

CostiaB/Task-Mate-Kenyan-Sign-Language-Classification-Challenge

Stacking model for sign language images

Language: Jupyter Notebook - Size: 1.55 MB - Last synced at: 8 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

RichaSavant/Stock-Market-Analysis-A-Two-Stage-Comparative-Stacking-Approach-using-Pyspark-Jan_2024

This project aims to enhance the accuracy and efficiency of stock market predictions by employing a sophisticated machine learning methodology. This project leverages the power of PySpark, a robust framework for distributed data processing, to handle large datasets and perform complex computations.

Size: 23.8 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

tboudart/Tanzanian-Water-Pumps-Clustering-and-Classification

For this group project, I performed cluster analysis and classification using Python to predict one of three classes for water pumps; functional, functional but needs repair, and non-functions. I used clustering to find hidden data structures to exploit for fitting individual classification techniques with better results than using the entire dataset. Unfortunately, k-means clustering, DBSCAN, hierarchical clustering, nor OPTICS produced well-defined clusters. The entire dataset was therefore used for fitting classification algorithms. The two classification techniques I was responsible for were k-nearest neighbors and stacked generalization ensemble. For the latter, I combined the best models each group member developed. All the models had a hard time predicting the functional but need repair class. My best model was only able to achieve an accuracy of 76%.

Language: Jupyter Notebook - Size: 7.61 MB - Last synced at: 7 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

KanikaGaikwad/Detect-AI-Generated-Text-

This project addresses the challenges of AI-generated content, such as misinformation and bias, by developing a machine-learning algorithm that distinguishes between AI-generated and human-generated texts. This solution enhances content authenticity and mitigates associated risks.

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

VasilikiZarkadoula/Machine-Learning-Auth-2021

ฮ•xercises for Machine Learning course in Faculty of Informatics of Aristotle's University of Thessaloniki

Language: Jupyter Notebook - Size: 472 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

pouryahoseini/Convolutional-Stacking-Network

A deep convolutional network made of stacked feature extractors

Language: Python - Size: 75.2 KB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

LinggarM/Ensemble-Learning-Comparison-on-Diabetes-Classification

Comparison of ensemble learning methods on diabetes disease classification with various datasets

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

Bernardbyy/SpotifyMusicClassifier

Spotify Music Classifier with Machine Learning Using Spotify API

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

ramongss/2020-IEEE-BitcoinPrice

:moneybag: Multi-step ahead Bitcoin price forecasting based on VMD and ensemble learning methods | :sunny: Solar power forecasting based on ensemble learning methods

Language: PostScript - Size: 217 MB - Last synced at: 12 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mohit01-10/Alzheimer-s-Disease-Classification-using-Stacking-Ensembling

This project is dedicated to accurately classify Alzheimer's disease into Demented, Non-demented and Converted Category.

Language: Python - Size: 3.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

LuluW8071/Laptop-Price-Prediction

A collection of machine learning models for predicting laptop prices

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

Alex1iv/Hotel-rating-prediction

Prediction of hotel ratings basing on customers feedback to prevent rating fraud.

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

Alex1iv/Deposit-subscription

It was studied factors of subscription for a term deposit after the direct marketing campaign.

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

DohyunBu/LG-AIMERS_03-49_AT_MEETINGROOM..._Table_No.2

2024 ์ƒ๋ฐ˜๊ธฐ LG Aimers ์˜คํ”„๋ผ์ธ ํ•ด์ปคํ†ค ๋Œ€ํšŒ (์ตœ์šฐ์ˆ˜์ƒ)

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

ahmedshahriar/Customer-Churn-Prediction

Extensive EDA of the IBM telco customer churn dataset, implemented various statistical hypotheses tests and Performed single-level Stacking Ensemble and tuned hyperparameters using Optuna.

Language: HTML - Size: 3.48 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 3

CRDK1009/Exploring-Planets

Algorithms used to confirm whether a celestial body is a planet or not.

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

mo26-web/Induction-Motor-Faults-Detection-with-Stacking-Ensemble-Method-and-Deep-Learning

This is a induction motor faults detection project implemented with Tensorflow. We use Stacking Ensembles method (with Random Forest, Support Vector Machine, Deep Neural Network and Logistic Regression) and Machinery Fault Dataset dataset available on kaggle.

Language: Jupyter Notebook - Size: 917 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 15 - Forks: 2

MrTejas/ML-Algos

A collection of fundamental Machine Learning Algorithms Implemented from scratch along-with their applications for various ML tasks like clustering, thresholding, data analysis, prediction, regression and image classification.

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

AbhishekGit-hash/Credit-Card-Lead-Prediction

A machine learning model to predict whether a customer will be interested to take up a credit card, based on the customer details and its relationship with the bank.

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

MsTao-68/Debt-Churn-Data-Analysis

ไฝฟ็”จๆฏ”่ต›ๆ–นๆไพ›็š„่„ฑๆ•ๆ•ฐๆฎ๏ผŒ่ฟ›่กŒๅฎขๆˆทไฟก่ดทๆตๅคฑ้ข„ๆต‹ใ€‚

Language: Jupyter Notebook - Size: 15 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

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

AkashBangalkar/Cancer-Diagnosis

Machine Learning - Multiclass Classification

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

FernandoLpz/Stacking-Blending-Voting-Ensembles

This repository contains an example of each of the Ensemble Learning methods: Stacking, Blending, and Voting. The examples for Stacking and Blending were made from scratch, the example for Voting was using the scikit-learn utility.

Language: Python - Size: 198 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 42 - Forks: 22

SohelRaja/Ensemble-Classifier-Model

Implementation of Ensemble Learning, Decision Tree, Random Forest, SVM, KNN, Logistic Regression, Bagging, Boosting and Stacking approach to analysis and predict the abnormal and normal behavior of Imbalanced Colon Dataset.

Language: Jupyter Notebook - Size: 1.88 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 2

NickVasenkov/CO2-Emissions

A Kaggle competition (spatial and time data, regression). A top 23% solution.

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

cnai-ds/Premium-Prediction-Natural-Hazards

Prediction of market premiums for property damage and business interruption insurance products. Added natural hazard data and stacked 3 best models as the final model.

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

fjpacheco/machine-learning

Trabajos prรกcticos realizados en la materia Organizaciรณn de Datos de la FIUBA.

Language: Python - Size: 36.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

vahadruya/Capstone_Regression_NYC_Taxi_Trip_Duration_Prediction

This project aims to predict the Taxi-trip duration within NYC based on several factors as predictors. Various combinations of relevant features are explored as iterations. After analysing the dataset, important and necessary features are selected. Several regression models are implemented & evaluated based on R2 & RMSE, & predictions visualised

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

codiceSpaghetti/VoiceVibes

VoiceVibes presents a solution for speech emotion recognition, featuring six innovative AI model architectures designed to accurately categorize emotional expressions conveyed through speech.

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

micheleandreucci/Data-Mining-2

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

Yassaadi/bank_scoring

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

Yassaadi/energy_ghg_prediction

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

nevermorerr/Crypto-Staking-Bot

Crypto Stacking Bot

Size: 1000 Bytes - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 0

aayush301/Machine-learning-lab

This repository contains several ML algorithms wriiten from scratch that are covered in ML lab.

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

avd1729/Credit-classification

Credit-classification using Stacking Classifier

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

BrighentiPatrik/Model-for-predicting-student-graduation-grade

Machine Learning Model to predict student graduation grade

Language: Python - Size: 753 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

adharshvenkat/loan-defaults-prediction

A Machine Learning Project that aims to perform loan defaults prediction to help banks mitigate the risk of lending bad loans

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

maglili/ai_cup-movie_comment

Stacking bert model for movie sentiment analysis competition.

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

rochitasundar/Customer-profiling-using-ML-EasyVisa

The aim is to find an optimal ML model (Decision Tree, Random Forest, Bagging or Boosting Classifiers with Hyper-parameter Tuning) to predict visa statuses for work visa applicants to US. This will help decrease the time spent processing applications (currently increasing at a rate of >9% annually) while formulating suitable profile of candidates more likely to have the visa certified.

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

arash-mehrzadi/A-Stacking-Based-Model-for-Non-Invasive-Detection-of-Coronary-Heart-Disease

A Stacking-Based Model for Non-Invasive Detection of Coronary Heart Disease

Language: Python - Size: 8.62 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

LailaMahmoudi/HousePrices-AdvancedRegressionTechniques-DataVisualization

Kaggle Competition : Predicting house prices using a collection of advanced regression techniques and data visualization with plotly

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

ds-wook/amex-default-prediction

Kaggle Competition

Language: Python - Size: 400 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 12 - Forks: 1

OlayinkaJames01/DataFestAfrica-ML-Data-Hackathon Fork of mamakay2212/DataFestAfrica-ML-Data-Hackathon

A machine learning datathon by DataFest Africa

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

Frank6496/Language-Identification-Hackathon

Language classification problem: which identifies South Africa's 11 official Languages through text data

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

rdev12/Customer-Attrition-Prediction

Based on data such as general bio-data, payment history, and subscriptions, this stacking-ensemble model predicts whether a customer continues to use the service or not (attrition) with an accuracy of 83.14%

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

ds-wook/ai-hackathon

๐Ÿ†๋ฐ์ด์ฝ˜ AIํ•ด์ปคํ†ค ๋Œ€ํšŒ ์šฐ์ˆ˜์ƒ ์†”๋ฃจ์…˜๐Ÿ†

Language: Python - Size: 66.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 18 - Forks: 0

KelvinLam05/demand_prediction

Using machine learning methods to predict demand for bike sharing.

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

maz2198/Machine-Learning

This repository represents several projects completed in IE HST's MS in Business Analytics and Big Data's Machine Learning courses

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

Aryan0199/Heart-Stroke-Prediction-using-Ensemble-Learning-with-various-ML-algorithms

In this project, different supervised machine learning algorithms like Decision Tree, Naive Bayes, K-nearest neighbour,Random Forsest, Logistic Regression etc. were trained on the training data set and then Ensemble Learning was used to improve the accuracy were

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

Yoojin730/DataModeling_forRightofMobility

2022-01 ๋ฐ์ดํ„ฐ๋งˆ์ด๋‹์ด๋ก ๋ฐ์‘์šฉ ํ”„๋กœ์ ํŠธ <์žฅ์• ์ธ ์ด๋™๊ถŒ ์ œ๊ณ ๋ฅผ ์œ„ํ•œ ์ฝœํƒ์‹œ ์ด์šฉํŽธ์˜ ์ฆ์ง„ ๋ฐฉ์•ˆ : ์„œ์šธํŠน๋ณ„์‹œ๋ฅผ ์ค‘์‹ฌ์œผ๋กœ>

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

better62/Diabetes-Prediction-Using-Stacking-Model

์„ฑ๊ท ๊ด€๋Œ€ํ•™๊ต ์šฐ์ˆ˜ํ•™๋ถ€์ƒ ์—ฐ๊ตฌํ•™์ ์ œ๋ฅผ ํ†ตํ•ด ์ž‘์„ฑํ•œ ๋…ผ๋ฌธ์ž…๋‹ˆ๋‹ค.

Size: 3.64 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

Montanaz0r/Kaggle-House-Prices-Advanced-Regression-Techniques

Full data science project workflow that placed me in the top 5% of all competitors (0.11931).

Language: Jupyter Notebook - Size: 2.12 MB - Last synced at: 20 days ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

Pradnya1208/House-prices-prediction

Predict sales prices and practice feature engineering and advanced regression techniques.

Language: Jupyter Notebook - Size: 9.25 MB - Last synced at: almost 2 years 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

MafikengZ/Hackathon-Language-Identification

Language classification problem: which identifies South Africa's 11 official Languages through text data

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

K1A2/dacon_credit_card

๋ฐ์ด์ฝ˜ ์‹ ์šฉ์นด๋“œ ์‚ฌ์šฉ์ž ์—ฐ์ฒด ์˜ˆ์ธก AI ๊ฒฝ์ง„๋Œ€ํšŒ ์ฝ”๋“œ

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

toan01-uet/sentiment

final_project of sun_ai_courses

Language: Python - Size: 14.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

amit0902/Classification

Logisitc Regression - A Binary Classification Method

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

somjit101/NLP-CaseStudy-Personalized-Cancer-Diagnosis

In this problem statement, a sequence of genetic mutations and clinical evidences, i.e. descriptive texts as recorded by domain experts are used to classify the mutations to conclusive categories, to be used for diagnosis of the patient.

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

disha2sinha/UndErNsembled Fork of SohelRaja/UndErNsembled

In this project, we reduced an imbalanced dataset to a balanced dataset using Under-sampling approach by applying Consensus Clustering using 'Simple Majority Voting' consensus function and further saw the increase in the accuracy of disease prediction by running multiple classifiers with bagging and boosting technique.

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

dhamvi01/Stacking-to-Choose-the-Best-Possible-Algorithm

Language: Jupyter Notebook - Size: 207 KB - Last synced at: 8 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

SteliosGian/Predicting-Customer-Churn

Size: 8.79 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

jeremySrgt/kaggle_walmart

Kaggle competition on Walmart data

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

sujeethshetty/hackathon-projects

Project work related to various hackathons

Language: Jupyter Notebook - Size: 4.13 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

jddeguia/energy-output-profiling

Notebook files for classification and detection of anomalous trend in time series inverter data

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

Aujasvi-Moudgil/Ensemble-Learning

Ensemble Learning Methods using Python

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

Related Keywords
stacking-ensemble 85 machine-learning 38 python 17 ensemble-learning 15 random-forest 15 xgboost 12 logistic-regression 11 classification 10 bagging-ensemble 9 data-science 9 decision-trees 9 stacking 9 lightgbm 8 pandas 8 adaboost 7 linear-regression 6 gradient-boosting 6 feature-engineering 6 random-forest-classifier 6 binary-classification 6 kaggle 6 bagging 5 catboost 5 hyperparameter-tuning 5 stacking-classifier 5 lasso-regression 5 ensemble-classifier 5 kaggle-competition 5 sklearn 5 scikit-learn 5 jupyter-notebook 5 knn-classification 5 naive-bayes-classifier 4 ensemble-model 4 ensemble-machine-learning 4 data-visualization 4 regression 4 decision-tree-classifier 4 hyperparameter-optimization 4 boosting 4 support-vector-machine 4 xgboost-classifier 4 exploratory-data-analysis 4 knn 4 streamlit 4 numpy 4 boosting-ensemble 4 data-preprocessing 3 lgbmregressor 3 f1-score 3 nlp-machine-learning 3 data-mining 3 optuna 3 regression-models 3 gridsearchcv 3 naive-bayes 3 svm-classifier 3 neural-network 3 voting-ensemble 3 ridge-regression 3 k-nearest-neighbors 3 cross-validation 3 gradient-boosting-regressor 2 feature-selection 2 sentiment-analysis 2 xgboost-algorithm 2 catboostregressor 2 precision-recall 2 r 2 grid-search-hyperparameters 2 gradient-boosting-classifier 2 solar 2 decision-tree-regression 2 light-gradient-boosting-machine 2 extreme-gradient-boosting 2 random-forest-regression 2 diabetes-prediction 2 voting-regressor 2 principal-component-analysis 2 deep-learning 2 pipeline 2 classification-models 2 eda 2 elasticnetregression 2 house-price-prediction 2 matplotlib 2 k-nearest-neighbor-classifier 2 machine-learning-algorithms 2 data-analysis 2 time-series 2 cancer-diagnosis 2 linear-svm 2 forecasting 2 forecast 2 ensemble 2 imbalanced-data 2 model-selection 2 machine-learning-models 2 python3 2 svm 2