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

GitHub topics: smote-sampling

LokeshSreenathJ/Bankruptcy-Prediction---Analytics

Built XGBoost Classifier using SMOTE technique and Hyper-Parameter Tuning

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

AayushSameerShah/SMOTE

This small repository contains the SMOTE implementation from scratch.

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

TzeLun/SMOTE

A minority oversampling method for imbalance data set

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

rishawsingh/Credit-Card-Fraud-Detection

System to tell apart the transaction was from the real user who owns the credit card or the transaction was from the stolen credit card.

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

BibhuPrasadPanda97/Credit-Card-Default-Risk---AmExpert-CodeLab

Competition conducted by American Express on HackerEarth Platform to Predict Credit Card Defaulters by building Machine Learning Models for the given data.

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

chinmaysharmacs10/University_Recommender

A model that recommends University based on details of an applicant.

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

gulabpatel/Handle_Imbalance

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

Wamuza1/Credit_Risk_Analysis

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

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

yandi-farinango/CreditRiskModel

Training XGBoost ML model to detect credit default risk. Used SMOTE technique for handling unbalanced data. Evaluation of model trained on unbalanced dataset vs SMOTE generated dataset

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

GianRomani/ML_course_homework

Code and reports of the two homework for the Machine Learning course (Winter 2020)

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

Olatohun/campaign-response

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

shumph10/Credit_Risk_Analysis

Established a supervised machine learning model trained and tested on credit risk data through a variety of methods to establish credit risk based on a number of factor

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

tamannanazmin/Datathon

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

sidharth-ds/Credit-Card-Default-prediction

EDA ---> Balancing the Dataset (SMOTE) ---> Feature engineering ---> Modelling with Hyperparameter Tuning

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

gaetanoantonicchio/DataMining-2

Repository for "Data Mining - Advanced Topics and Applications" projects exam.

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

Toshani/Credit-Card-Fraud-Detector

Mini project repository where we have implemented Credit card fraud detection using encoding, SMOTE-ing and KNN.

Language: Jupyter Notebook - Size: 7.42 MB - Last synced at: almost 2 years ago - Pushed at: about 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: 5 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

kalyaniasthana/CS273A_project_diabetes

Course Project for CS273A: Machine Learning at UCI

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

bkraffa/desafioclassificacao

Desafio de Classificação do curso de Data Science e Machine Learning da Tera. Em um dataset de mais de 6 milhões de operações bancárias tinhamos um objetivo de realizar a previsão de fraudes. Fazendo uso de um processo de feature engineering que acrescentou 20 features ao modelo, combinado com um resampling feito através do método SMOTE. Para o treinamento criamos três modelos: Regressão Logística, Random Forest e XGBoost. Esses dois últimos performaram com precisão e recall superiores a 99%.

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

akibzaman/Soil-nutrient-web

Prediction of basic soil nutrients (phosphorus, potassium, boron, calcium, magnesium and manganese) using reflectance from Hyperspectral Satellite Images (HSI).

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

alexberndt/machine-learning-sandbox

Collection of machine learning algorithms ...

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

shaunwang1350/CreditLoans_MachineLearning

Credit risk is an inherently unbalanced classification problem, as the number of good loans easily outnumber the number of risky loans. I employed Machine Learning techniques to train and evaluate models with unbalanced classes. I used imbalanced-learn and scikit-learn libraries to build and evaluate models using resampling. I also evaluated the performance of these models and made a recommendation on whether they should be used to predict credit risk.

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

izzypatrick21/cuisines

classification of asian and indian cuisines. A good example for resampling imbalance dataset for a classification project using interpolation. I have also included deploying machine learning model using Onnyx.

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

lucacarniato/predicting-customer-churn-kaggle-competition

A solution to the Kaggle competition "Predicting Churning customers" (https://www.kaggle.com/sakshigoyal7/credit-card-customers)

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

86lekwenshiung/Classification-Modelling-Projects

Classification Projects for balanced and imbalanced datasets

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

jharvey09/Risky_Business_Peer_To_Peer_Lending

In this project, I will use credit risk models to assess the credit risk using peer-to-peer lending. Algorithms such as SMOTE, Naive Random Sampling, etc.

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

ritwikkanodia/Privacy-Preserving-Machine-Learning

Maintaining the privacy of local server data in a federated learning framework using differential privacy by TensorFlow Privacy Library.

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

desininja/Employee-Attrition-analysis

To know the main reasons for attrition of employees.

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

WilliamSMendes/multiclass_students_classifier

A model for multiclass calssification, label ech student profile in Saint Paul School for predict the future profiles.

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

jesussantana/Sampling

Perform Data Sampling with Python

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

NataliaVelasquez18/credit-risk

The purpose of this study is to recommend whether PureLending should use machine learning to predict credit risk. Several machine learning models are built employing different techniques, then they are compared and analyzed to provide the recommendation.

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

Rizwan-Hasan/Improved-Sampling-and-Feature-Selection-to-Support-Extreme-Gradient-Boosting-For-PCOS-Diagnosis Fork of skinan/Improved-Sampling-and-Feature-Selection-to-Support-Extreme-Gradient-Boosting-For-PCOS-Diagnosis

This project is a part of the research on PolyCystic Ovary Syndrome Diagnosis using patient history datasets through statistical feature selection and multiple machine learning strategies. The aim of this project was to identify the best possible features that strongly classifies PCOS in patients of different age and conditions.

Size: 386 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Serfati/covid_bloodtest

❤️ 🩸 Blood test classifier for infected COVID-19 patients using xgb, catboost, rf and lr

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

AkashSDas/predict-hr-stay-or-leave

Sampling unbalanced dataset using SMOTE and creating a classifier to classify if a HR will stay or leave.

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

jasminedogu/DS4002-Sentiment-Analysis

A sentiment analysis using SPAM/HAM Text Classification data using Support Vector Machines. Utilizes different variations of the Synthetic Minority Oversampling Technique (SMOTE-SVM, SMOTE-KNN).

Language: HTML - Size: 5.57 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

rtharungowda/cascade-cup-2020

Cascade Cup Data Science Hackathon, Solve a real-world Data Science Challenge by Trell

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

rachellimce/Project-4-West-Niles-Virus

DSI 16 Project 4, Predicting West Niles Virus

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

iliodipietro/Student_Performance_Prediction

thesis for Data Spaces course at @Politecnico di Torino.

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

jiangnanboy/spark-smote

The program uses spark to implement smote sampling.利用spark实现训练样本smote采样。

Size: 76.2 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

charan89/Telecom-Churn

Sorting out major features affecting churning of telecom customers

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

Related Keywords
smote-sampling 140 machine-learning 50 random-forest 37 logistic-regression 36 python 31 xgboost 23 smote 17 data-science 15 random-forest-classifier 14 classification 13 hyperparameter-tuning 13 oversampling 13 knn-classification 12 scikit-learn 11 undersampling 11 svm-classifier 10 decision-trees 10 feature-engineering 10 machine-learning-algorithms 8 data-visualization 8 neural-networks 7 eda 7 deep-learning 7 sklearn 7 outlier-detection 7 numpy 7 pandas 7 pca 6 exploratory-data-analysis 6 class-imbalance 6 visualization 5 seaborn 5 decision-tree-classifier 5 python3 5 xgboost-classifier 5 svm 5 imbalanced-data 5 confusion-matrix 5 random-under-sampling 5 gridsearchcv 4 matplotlib 4 neural-network 4 lightgbm 4 classification-model 4 sampling-methods 4 smoteenn 4 data-cleaning 4 supervised-machine-learning 4 tensorflow 4 data-analysis 4 credit-risk 4 optuna 4 keras-tensorflow 4 knn 4 oversampling-technique 4 unbalanced-data 3 fraud-detection 3 smoteen 3 feature-selection 3 multiclass-classification 3 sklearn-metrics 3 cross-validation 3 imbalanced-classification 3 deep-neural-networks 3 decision-tree 3 undersampling-technique 3 imbalanced-learning 3 ensemble-learning 3 adaboost 3 pipeline 3 imblearn 3 naive-bayes-classifier 3 bagging-ensemble 3 linear-regression 3 encoding 3 support-vector-machines 3 stratified-sampling 3 jupyter-notebook 3 gradient-boosting-classifier 3 tree-model 3 random-over-sampling 3 adasyn-sampling 3 matplotlib-pyplot 3 smote-oversampler 3 xgboost-model 3 ml 3 ann 3 classification-algorithm 3 credit-card 3 roc-auc-curve 2 adaboost-classifier 2 randomizedsearchcv 2 polycystic-ovary-syndrome 2 randomoversampler 2 classification-algorithims 2 pcos 2 prediction-model 2 creditcard 2 data-augmentation 2 boosting 2