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

GitHub topics: imbalanced-classification

theochem/B3clf

Predictors for Blood-Brain Barrier Permeability with resampling strategies based on B3DB database.

Language: Python - Size: 218 MB - Last synced at: 3 days ago - Pushed at: 5 months ago - Stars: 10 - Forks: 4

AxiomAlive/imba-automl

AutoML tool currently specialized for imbalanced learning tasks.

Language: Python - Size: 2.79 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 1 - Forks: 0

ZhiningLiu1998/imbalanced-ensemble

🛠️ Class-imbalanced Ensemble Learning Toolbox. | 类别不平衡/长尾机器学习库

Language: Python - Size: 16.9 MB - Last synced at: 11 days ago - Pushed at: about 1 month ago - Stars: 365 - Forks: 51

YyzHarry/imbalanced-regression

[ICML 2021, Long Talk] Delving into Deep Imbalanced Regression

Language: Python - Size: 9.21 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 868 - Forks: 137

ZhiningLiu1998/awesome-imbalanced-learning

😎 Everything about class-imbalanced/long-tail learning: papers, codes, frameworks, and libraries | 有关类别不平衡/长尾学习的一切:论文、代码、框架与库

Size: 213 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 1,437 - Forks: 228

solegalli/machine-learning-imbalanced-data

Code repository for the online course Machine Learning with Imbalanced Data

Language: Jupyter Notebook - Size: 22 MB - Last synced at: 24 days ago - Pushed at: 6 months ago - Stars: 177 - Forks: 218

CelineBoutinon/credit-scoring

Source code for OpenClassrooms - Data Scientist Project 7 - Implement a Scoring Model (EDA & modelisation only)

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

YyzHarry/multi-domain-imbalance

[ECCV 2022] Multi-Domain Long-Tailed Recognition, Imbalanced Domain Generalization, and Beyond

Language: Python - Size: 8.11 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 135 - Forks: 15

AhmetZamanis/LoanRequestClassification

Imbalanced classification with loan clients dataset.

Language: R - Size: 835 KB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

YyzHarry/imbalanced-semi-self

[NeurIPS 2020] Semi-Supervision (Unlabeled Data) & Self-Supervision Improve Class-Imbalanced / Long-Tailed Learning

Language: Python - Size: 16.5 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 751 - Forks: 117

markushaug/acr-25

Research on machine learning, deep learning, and ensemble methods in imbalanced fraud and anomaly detection scenarios.

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

jishnukoliyadan/Predicting-the-Success-of-Bank-telemarketing

This project is a part of Machine Learning Practice course offered by IIT Madras.

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

JiaGengChang/fhr

Multi-omics integration for the classification of functional high risk patients in multiple myeloma.

Language: Jupyter Notebook - Size: 9.39 MB - Last synced at: 1 day ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

jiawei-ren/BalancedMetaSoftmax-Classification

[NeurIPS 2020] Balanced Meta-Softmax for Long-Tailed Visual Recognition

Language: Python - Size: 16.9 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 139 - Forks: 26

ejw-data/ml-myopia

A variety of machine learning techniques used to identify nearsighted patients

Language: Jupyter Notebook - Size: 22.7 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 1

K1nght/online_CL_logit_adjusted_softmax

official code repository for TMLR paper "Online Continual Learning via Logit Adjusted Softmax"

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

antoniof1704/imbalanced-classification-example

An example of a model I built where the dataset contained a very imbalanced class. Due to data governance rules, I have replaced the original dataset used in the modelling with a credit card fraud dataset from Kaggle.

Language: Jupyter Notebook - Size: 628 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

jobregon1212/rulecosi

RuleCOSI is a machine learning package that combine and simplifies tree ensembles and generates a single rule-based classifier that is smaller and simpler.

Language: Python - Size: 173 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 8 - Forks: 2

juliuszlosinski/Imbalanced-Data-Problem-for-Image-Detection-One-Stage-Detectors

Implementation of augmentation, SMOTE, ADASYN, AE, DGAN for oversampling image data used in detection (YOLO and others one stage detectors). Maritime flags/code scenario.

Language: Python - Size: 2.76 GB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

LKEthridge/Supervised_Learning

Supervised Learning project from TripleTen

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

LirongWu/GraphMixup

Code for ECML-PKDD 2022 paper "GraphMixup: Improving Class-Imbalanced Node Classification by Reinforcement Mixup and Self-supervised Context Prediction"

Language: Python - Size: 30.9 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 23 - Forks: 6

adrianstando/edgaro

Explainable imbalanceD learninG compARatOr - Engineering Thesis Project

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

wildoctopus/cbloss

Pytorch implementation of Class Balanced Loss based on Effective number of Samples

Language: Python - Size: 257 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 1

Farooqbasha008/Customer-Conversion-Prediction-for-a-new-age-Insurance-Company

A ML model to predict whether the clients will subscribe to insurance or not.

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

RektPunk/Imbalance-LightGBM

LightGBM for handling label-imbalanced data with focal and weighted loss functions in binary and multiclass classification

Language: Python - Size: 119 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

rajoy99/keshik

Oversample class imbalanced tabular data by Denoising Diffusion Probabilistic Model (DDPM)

Language: Python - Size: 112 KB - Last synced at: 17 days ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 1

TACJu/Bi-Sampling

This is the official PyTorch implementation of the paper "Rethinking Re-Sampling in Imbalanced Semi-Supervised Learning" (Ju He, Adam Kortylewski, Shaokang Yang, Shuai Liu, Cheng Yang, Changhu Wang, Alan Yuille).

Language: Python - Size: 17.6 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 2

paocarvajal1912/Supervised_Credit_Risk_Classification

Uses Logistic Regression and various machine learning techniques to train and evaluate models with imbalanced classes applied to identify the creditworthiness of borrowers.

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

0zean/hellingerforest

A Python library built in Rust for implementing the Hellinger distance splitting criteria in a Random Forest Classifier to address imbalanced data. Work in progress.

Language: Rust - Size: 11.7 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

sflyranger/Spam-Detection-Pipelines-

A spam detection model built to handle imbalanced data using small pipelines. This project walks through text preprocessing, model tuning, and performance evaluation with ROC-AUC curves and classification reports, focusing on practical steps like using XGBoost and TFIDF for spam classification.

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

mmsaki/credit-risks-ml

Using the imbalanced-learn and Scikit-learn libraries to build and evaluate machine learning models.

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

yaxinhou/imFTP

imFTP: Deep Imbalance Learning via Fuzzy Transition and Prototypical Learning (imFTP, Information Sciences 2024)

Language: Python - Size: 4.74 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

GNOEYHEAT/CTR_stacking

웹 광고 클릭률 예측 AI 경진대회, DACON (2024.05.07 ~ 2024.06.03)

Language: Python - Size: 556 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 1

nvlinhvn/robot-detection

Detect robot traffic in an e-commercial website

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

crushedmonster/GA_Projects

General Assembly Data Science Projects

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

markushaug/imbalanced-fraud-detection

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

MissNeerajSharma/CustomerChurnEndToEndProject

Churn Analysis of Telecom company,Through meticulous data analysis and predictive modeling, we uncover patterns, trends, and potential churn triggers, empowering telecom companies to proactively mitigate customer attrition. Our mission is to equip industry stakeholders with actionable intelligence, enabling them to optimize retention strategies.

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

Rahafzsh/CreditCardFraudDetection

An Artificial Neural Network (ANN) model detects whether a credit card is fraudulent or not. 

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

thinhuos0913/credit_card_fraud_detection

Implement machine learning models which are able to recognize fraudulent credit card transactions so that customers are not charged for items that they did not purchase.

Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 2

kkew3/bayeslr-imbalanced

Codebase for "Learn Bayesian Logistic regression from imbalanced data" post.

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

princessEmilyy/ML-project-diabetes-

Project for applied classical ML course at the Weizmann institute

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

ekellbuch/longtail_ensembles

Evaluating ensemble performance in long-tailed datasets (Neurips 2023 Heavy Tails Workshop)

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

lavinomenezes/desafio_indicium

Projeto de classificação multiclasse de dados desbalanceados | Multiclass classification project for imbalanced data.

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

manu675/TUM_Analytics_Cup_2020

Imbalanced 2-class classification project for a predictive modeling competition (13th best ranked team out of a 104)

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

AhmetZamanis/UsedCarKicksClassification

Imbalanced classification with scikit-learn and PyTorch Lightning.

Language: Python - Size: 11.8 MB - Last synced at: 19 days ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

k-katarzyna/Cyberbullying_Hatespeech_Detection

Harmfulness recognition in Polish language tweets.

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

jyansir/Text2Tree

This repository implements a framework-agnostic text representation learning algorithm using label tree hierarchy. This work has been accepted as the long paper "Text2Tree: Aligning Text Representation to the Label Tree Hierarchy for Imbalanced Medical Classification" in EMNLP 2023 Findings.

Language: Python - Size: 270 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

WiktorPieklik/BaggFold

Official implementation of Bagging Folds using Synthetic Majority Oversampling for Imbalance Classification

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

mohammad95labbaf/Outlier-Imbalanced-Fraud-Detection

The Credit Card Fraud Detection project uses statistical techniques and machine learning for identifying fraudulent transactions. It includes data preprocessing, outlier detection using Boxplots and Z-scores, and a decision tree model. Evaluation goes beyond accuracy, considering precision, recall, F1-score, and ROC AUC.

Language: Jupyter Notebook - Size: 646 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

phiyodr/multilabel-oversampling

Many algorithms for imbalanced data support binary and multiclass classification only. This approach is made for mulit-label classification (aka multi-target classification). :sunflower:

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

rezamosavi8740/Model-Selection-in-Credit-Card-Transaction-Analysis

Explore model selection in credit card transaction analysis with Reza Mousavi's Git project. Addressing class imbalance, it employs undersampling and features tree-based models, SVM, and logistic regression for effective fraud detection

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

SanaeSaccomano/Machine-Learning

Résumé de mes projets de Machine Learning

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

creativeDev6/twitter_sentiment_analysis_with_word2vec

Twitter sentiment analysis with word2vec.

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

B-Xi/TCSVT_2022_DGSSC

DGSSC: A Deep Generative Spectral-Spatial Classifier for Imbalanced Hyperspectral Imagery, TCSVT, 2022

Language: Python - Size: 1.67 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 14 - Forks: 0

Albertsr/Class-Imbalance

Cost-Sensitive Learning / ReSampling / Weighting / Thresholding / BorderlineSMOTE / AdaCost / etc.

Language: Python - Size: 6 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 96 - Forks: 25

peterlipan/MRC_VFC

The souce code of MICCAI'23 paper: Combat Long-tails in Medical Classification with Relation-aware Consistency and Virtual Features Compensation

Language: Python - Size: 911 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

xecyborg/fraud-transaction-detection

Fraud transaction detection using Machine Learning algorithms on highly imbalanced dataset

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

olusegunadelowo/staff-promotion-algorithm

This classification algorithm can predicts whether employee will be promoted or not based on some certain features such as Trainings_Attended, Last_performance_score, Targets_met, Previous_Award, Training_score_average, No_of_previous_employers, Division, Qualification, Channel_of_Recruitment, Marital_Status, Age, Years_of_experience, Gender

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

mahsa91/RA-GCN-MedIA2022

Implementation code of RA-GCN: Graph Convolutional Network for Disease Prediction Problems with Imbalanced Data accepted by Medical Image Analysis Journal (MedIA 2022)

Language: Python - Size: 178 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 1

mjuez/ensemble-classification-imbalance-bigdata

⚖⚡ Experimental evaluation of ensemble classifiers for imbalance in Big Data.

Language: Scala - Size: 137 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

AnonAuthorAI/duplebalance

DuBE: Duple-balanced Ensemble Learning from Skewed Data

Language: Python - Size: 1.66 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 4

Rattko/Bachelor-Thesis

Bachelor Thesis at Charles University

Language: TeX - Size: 2.37 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Mehrab-Kalantari/Vehicle-Claim-Fraud-Detection

Vehicle insurance claim fraud detection dataset analysis and modeling

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

Mohammed-ALmasry/Loan-Binary-Classification-Task

Loan Binary Classification Task

Language: HTML - Size: 1.56 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

AndreaZoccatelli/Tabular_data_augmentation_continuous

This repository contains the scripts used to write my master degree thesis project: "Augmentation of tabular data with continuous features for binary imbalanced classification problems"

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

Anish-7/yourcab

The goal of the competition is to create a predictive model for classifying new bookings as to whether they will eventually gets cancelled due to car unavailability.

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

shrishti-04/MachineLearning_Notes

Here I am starting with Machine Learning notes after SQL notes. I have covered the following topics such as:

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

krishna-aditi/credit-card-fraud-detection-imbalanced-dataset-problem

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

jianninapinto/Bandersnatch Fork of BloomTech-Labs/BandersnatchStarter

This project implements a machine learning model using Random Forest, XGBoost, and Support Vector Machines algorithms with oversampling and undersampling techniques to handle imbalanced classes for classification tasks in the context of predicting the rarity of monsters.

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

avikumart/Road-Traffic-Severity-Classification-Project

This is a multiclass classification project to classify severity of road accidents into three categories. this project is based on real-world data and dataset is also highly imbalanced.

Language: Jupyter Notebook - Size: 27 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 4

mwombeki6/multiclass-machine-learning-web-app

This is a multiclass classification project to classify severity of road accidents into three categories. this project is based on real-world data and dataset is also highly imbalanced.

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

M-Hashemzadeh/RCSMOTE

RCSMOTE: Range-Controlled Synthetic Minority Over-sampling Technique for handling the class imbalance problem

Size: 6.28 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

amajji/Multi-class-classification

Deployment of a classification model on a webapp using FLASK for the backend and html/CSS/JS for frontend

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

clementw168/Imbalanced-Quickdraw

Winning a competition on imbalanced image classification.

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

Thebrownboy/BioMetrica

The project focuses on tackling challenges such as imbalanced data and skewed features. Through exploratory data analysis,and model training.The use of innovative techniques like focal loss and controlled oversampling allows us to address the imbalanced nature of the data and achieve better model performance.

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

anudeepvanjavakam1/Income-Classification-of-people-in-US

a predictive model to determine the income level for people in US. Imputed and manipulated large and high dimensional data using data.table in R. Performed SMOTE as the dataset is highly imbalanced. Developed naïve Bayes, XGBoost and SVM models for classification

Language: R - Size: 1.4 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 1

ihaeyong/Maximum-Margin-LDAM

Learning Imbalanced Datasets With Maximum Margin Losss

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

splch/qbs

An effective and flexible Quantile-Based Balanced Sampling algorithm for addressing class imbalance in datasets while preserving the underlying data distribution, improving model performance across various machine learning applications.

Language: Jupyter Notebook - Size: 464 KB - Last synced at: 5 days ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

SmellyArmure/OC_DS_Project7

Implémentation d'un modèle de scoring (OpenClassrooms | Data Scientist | Projet 7)

Language: Jupyter Notebook - Size: 34.7 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 2

anilans029/Forecasting-Backorders-In-Inventory

Backorders are unavoidable, but by anticipating which things will be backordered, planning can be streamlined at several levels, preventing unexpected strain on production, logistics, and transportation. ERP systems generate a lot of data (mainly structured) and also contain a lot of historical data; if this data can be properly utilized, a predictive model to forecast backorders and plan accordingly can be constructed. Based on past data from inventories, supply chain, and sales, classify the products as going into backorder or not.

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

AliValiyev/Evaluation-the-quality-of-synthetic-data-set-for-fraud-detection

The objective of my experiment is to analyze the performance of Random Forest, Naive Bayes, Logistic Regression, and K-nearest neighbors machine learning models for evaluation of the utility of synthesized data for fraud detection.

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

rkadey/Dealing-with-Imbalanced-Data-in-ML

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

dinesh-m/credit_risk_analyzer

Credit Risk Analyzer is a Python program which uses a machine learning algorithm to solve credit risk problem in a typical peer-to-peer lending financial industry.

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

raj-1411/Adaptive-Mix-Up

Adaptive Mix-Up for Highly Imbalanced Medical Image Classification

Language: Python - Size: 40 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

miriamspsantos/open-source-imbalance-overlap

A collection of Open Source Contributions in Learning from Imbalanced and Overlapped Data

Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

loopiiu/DSP2_Final

Task 1: Dealing with imbalanced dataset and implementing classification models | Task 2: Clustering

Language: Jupyter Notebook - Size: 1.84 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

parsa-abbasi/IUST-Pattern-Recognition

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

KelvinLam05/toxic_comment_classification

Build a multi-headed model that’s capable of detecting different types of of toxicity like threats, obscenity, insults, and identity-based hate.

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

HwaiTengTeoh/Flight-Delays-Prediction-Using-Machine-Learning-Approach

Flight delays prediction and analysis: Machine Learning Approach

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

avikumart/imbalanced-classification-problem-with-GAIN-LIFT-chart

In this project, I have take bank target marketing dataset with imbalanced classes, I have solved it through GAIN&LIFT chart as well as over-sampling method of sklearn utils.

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

KelvinLam05/product_classification

Build a fastText product classification model that can predict a normalized category name for a product, given an unstructured textual representation.

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

LoneN3rd/Imbalanced-Classification-Beta-Bank-Churn

A model that will predict whether a customer will leave the bank

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

KelvinLam05/credit_card_fraud_detection

Credit card detection fraud using fastai.

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

KelvinLam05/profanity_detection

Profanity detection using fastText.

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

cheeann13/Custormer-Segmentation

Classification problems with imbalance datasets, a SMOTE approach

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

pranshurastogi29/Receipt_Matching_Challenge

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

agomolka/AutomateDealingWithImbalance

Process of dealing with imbalanced data set and classification

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

ElsevierSoftwareX/SOFTX_2019_253 Fork of NestorRV/SOUL

SOUL: Scala Oversampling and Undersampling Library. To cite this Original Software Publication: https://www.sciencedirect.com/science/article/pii/S2352711021000868

Size: 8.52 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

SolanaO/Disaster_Response_Texts

Text classification of messages collected during and after a natural disaster. Deploy a Flask app on Heroku .

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

Related Keywords
imbalanced-classification 108 machine-learning 45 imbalanced-data 38 imbalanced-learning 21 classification 17 python 15 data-science 13 deep-learning 12 xgboost 10 fraud-detection 10 scikit-learn 9 sklearn 7 oversampling 7 logistic-regression 7 python3 6 random-forest 6 nlp 6 ensemble-learning 6 class-imbalance 6 smote 6 supervised-learning 5 random-forest-classifier 5 pytorch 4 binary-classification 4 long-tail 4 svm 4 long-tailed-recognition 4 xgboost-classifier 4 focal-loss 4 unbalanced-data 3 imbalanced-classes 3 resampling 3 streamlit 3 smote-oversampler 3 smote-sampling 3 neural-network 3 ml 3 natural-language-processing 3 data-visualization 3 fraudulent-transactions 3 undersampling 3 support-vector-machines 3 multiclass-classification 3 data-mining 3 variational-autoencoder 3 catboost 2 generative-adversarial-network 2 iterative-imputer 2 performance-evaluation 2 self-paced-ensemble 2 jupyter-notebook 2 classification-algorithm 2 tensorflow 2 churn-prediction 2 latent-dirichlet-allocation 2 cross-validation 2 numpy 2 pandas 2 pycaret 2 flask-application 2 upsampling 2 clustering 2 synthetic-data 2 tabular-data 2 imblearn 2 decision-trees 2 svm-classifier 2 naive-bayes-classifier 2 classification-models 2 credit-risk 2 feature-engineering 2 data-cleaning 2 boosting 2 big-data 2 data-preprocessing 2 machine-learning-algorithms 2 interpretable-machine-learning 2 toxic-comments 2 class-weights 2 fasttext 2 credit-card-fraud 2 decision-tree-classifier 2 classification-model 2 data-augmentation 2 automl 2 hyperparameter-optimization 2 lightgbm 2 linear-models 2 imbalance 2 feature-selection 2 fairness-ml 2 text-classification 2 credit-card 2 semi-supervised-learning 2 deep-neural-networks 2 anomaly-detection 2 data-imputation 2 anomaly-detection-algorithm 1 sentiment-analysis 1 bayes 1