Projects in Awesome Lists tagged with class-imbalance
A curated list of projects in awesome lists tagged with class-imbalance .
https://github.com/YyzHarry/imbalanced-semi-self
[NeurIPS 2020] Semi-Supervision (Unlabeled Data) & Self-Supervision Improve Class-Imbalanced / Long-Tailed Learning
class-imbalance imbalanced-classification imbalanced-data imbalanced-learning long-tail long-tailed-recognition neurips neurips-2020 self-supervised-learning semi-supervised-learning unlabeled-data
Last synced: 15 Nov 2024
https://github.com/ZhiningLiu1998/imbalanced-ensemble
🛠️ Class-imbalanced Ensemble Learning Toolbox. | 类别不平衡/长尾机器学习库
class-imbalance classification data-mining data-science ensemble ensemble-imbalanced-learning ensemble-learning ensemble-model imbalanced-classification imbalanced-data imbalanced-learning long-tail machine-learning multi-class-classification python python3 scikit-learn sklearn
Last synced: 11 Apr 2025
https://github.com/zhiningliu1998/imbalanced-ensemble
🛠️ Class-imbalanced Ensemble Learning Toolbox. | 类别不平衡/长尾机器学习库
class-imbalance classification data-mining data-science ensemble ensemble-imbalanced-learning ensemble-learning ensemble-model imbalanced-classification imbalanced-data imbalanced-learning long-tail machine-learning multi-class-classification python python3 scikit-learn sklearn
Last synced: 11 Apr 2025
https://github.com/zhiningliu1998/self-paced-ensemble
[ICDE'20] ⚖️ A general, efficient ensemble framework for imbalanced classification. | 泛用,高效,鲁棒的类别不平衡学习框架
class-imbalance classification ensemble ensemble-learning ensemble-methods ensemble-model imbalance-classification imbalanced-data imbalanced-learn imbalanced-learning machine-learning pypi python3
Last synced: 05 Apr 2025
https://github.com/dvlab-research/Parametric-Contrastive-Learning
Parametric Contrastive Learning (ICCV2021) & GPaCo (TPAMI 2023)
class-imbalance contrastive-learning iccv2021 image-classification imagenet imbalanced-data imbalanced-learning long-tailed-recognition parametric-contrastive-learning pytorch supervised-contrastive-learning supervised-learning tpami
Last synced: 15 Nov 2024
https://github.com/tgsmith61591/smrt
Handle class imbalance intelligently by using variational auto-encoders to generate synthetic observations of your minority class.
autoencoder class-imbalance machine-learning neural-networks smote tensorflow vae variational-autoencoder
Last synced: 13 Apr 2025
https://github.com/zhiningliu1998/mesa
[NeurIPS’20] ⚖️ Build powerful ensemble class-imbalanced learning models via meta-knowledge-powered resampler. | 设计元知识驱动的采样器解决类别不平衡问题
class-imbalance ensemble ensemble-machine-learning ensemble-model imbalance-classification imbalanced-data imbalanced-learn imbalanced-learning mesa meta-learning-algorithms meta-sampler meta-training
Last synced: 15 Dec 2024
https://github.com/ZhiningLiu1998/mesa
[NeurIPS’20] ⚖️ Build powerful ensemble class-imbalanced learning models via meta-knowledge-powered resampler. | 设计元知识驱动的采样器解决类别不平衡问题
class-imbalance ensemble ensemble-machine-learning ensemble-model imbalance-classification imbalanced-data imbalanced-learn imbalanced-learning mesa meta-learning-algorithms meta-sampler meta-training
Last synced: 11 Apr 2025
https://github.com/dangnh0611/kaggle_rsna_breast_cancer
1st place solution of RSNA Screening Mammography Breast Cancer Detection competition on Kaggle: https://www.kaggle.com/competitions/rsna-breast-cancer-detection
binary-classification breast-cancer class-imbalance convnext deep-learning kaggle machine-learning mamography rsna yolo
Last synced: 25 Apr 2025
https://github.com/sayakpaul/breast-cancer-detection-using-deep-learning
Experiments to show the usage of deep learning to detect breast cancer from breast histopathology images
class-imbalance computer-vision deep-learning fastai medical-imaging resnet50
Last synced: 30 Apr 2025
https://github.com/jiequancui/ResLT
ResLT: Residual Learning for Long-tailed Recognition (TPAMI 2022)
class-imbalance imbalance-classification imbalanced-data imbalanced-learning long-tail long-tailed-recognition
Last synced: 15 Nov 2024
https://github.com/bhattbhavesh91/imbalance_class_sklearn
Address imbalance classes in machine learning projects.
class-imbalance classification-algorithm machine-learning python smote
Last synced: 17 Apr 2025
https://github.com/juliaai/imbalance.jl
A Julia toolbox with resampling methods to correct for class imbalance.
class-imbalance classification machine-learning
Last synced: 10 Apr 2025
https://github.com/ZerojumpLine/ModelEvaluationUnderClassImbalance
[MICCAI2022] Estimating Model Performance under Domain Shifts with Class-Specific Confidence Scores.
class-imbalance medical-image-computing model-calibration
Last synced: 04 Apr 2025
https://github.com/chaitanyac22/telecom-churn-prediction
In this project, data analytics is used to analyze customer-level data of a leading telecom firm, build predictive models to identify customers at high risk of churn, and identify the main indicators of churn. The project focuses on a four-month window, wherein the first two months are the ‘good’ phase, the third month is the ‘action’ phase, while the fourth month is the ‘churn’ phase. The business objective is to predict the churn in the last i.e. fourth month using the data from the first three months.
class-imbalance classification data-analytics data-cleaning data-manipulation evaluation-metrics feature-engineering hyperparameter-tuning logistic-regression machine-learning model-building model-evaluation over-sampling pca random-forest-classifier rfe smote statistics telecom xgboost
Last synced: 27 Mar 2025
https://github.com/jahongir7174/seesawloss
Seesaw Loss implementation using PyTorch
class-imbalance classification loss-functions pytorch seesawloss
Last synced: 12 Mar 2025
https://github.com/xiaowuc2/vae-alzheimer-detection-using-imbalanced-mri-images
Variational Autoencoder based Imbalanced Alzheimer detection using Brain MRI Images
alzheimers-disease brain-mri class-imbalance variational-autoencoder
Last synced: 14 Mar 2025
https://github.com/ekellbuch/longtail_ensembles
Evaluating ensemble performance in long-tailed datasets (Neurips 2023 Heavy Tails Workshop)
class-imbalance ensemble-learning fairness-ml imbalanced-classes imbalanced-classification imbalanced-data imbalanced-learning
Last synced: 27 Feb 2025
https://github.com/hase3b/class-imbalance-classification-performance-analysis
This repository contains the code, documentation, and datasets for a comprehensive exploration of machine learning techniques to address class imbalance. The project investigates the impact of various methods, like ADASYN, KMeansSMOTE, and Deep Learning Generator, on classification performance while effectively demonstrating benefits of pipelining.
adasyn class-imbalance classification cross-validation data-cleaning data-pipeline data-preprocessing deep-learning eda feature-selection hyperparameter-tuning kmeanssmote oversampling pipeline synthetic-data
Last synced: 04 Apr 2025
https://github.com/snehadharne/oculardiseaserecognition
Fundus image analysis for ocular disease recognition using deep learning. This repository implements image preprocessing, MIRNet enhancement, and transfer learning with ResNet50 and VGG16 for classifying multiple eye diseases. Keras Tuner is used for hyperparameter optimization.
class-imbalance computer-vision convolutional-neural-networks data-augmentation deep-learning image-processing mirnet ocular-disease-recognition python resnet-50 tensorflow vgg16
Last synced: 02 Mar 2025
https://github.com/heschmat/bertelsmann-arvato-project
Analyze demographics data for customers of a mail-order sales company in Germany.
class-imbalance classification customer-segmentation unsupervised-learning
Last synced: 26 Feb 2025
https://github.com/heschmat/project-disaster-response
Analyze disaster data from Figure Eight to build a model for an API that classifies disaster messages.
class-imbalance deployment etl-pipeline machine-learning machine-learning-pipeline
Last synced: 26 Feb 2025
https://github.com/dakii24/credit-card-fraud-detection
This repository contains a machine learning project focused on detecting fraudulent credit card transactions. The project includes data preprocessing, model training, and evaluation to identify and prevent fraudulent activities.
capstone-project class-imbalance classification-algorithm credit-card credit-card-fraud data-science decision-trees fraud machine-learning open-data python scikit-learn svm svm-classifier
Last synced: 07 Mar 2025
https://github.com/heschmat/auction
Human or Robot? Predict if an online bid is made by a machine or a human.
class-imbalance feature-engineering fraud-detection
Last synced: 26 Feb 2025
https://github.com/chebroluharika/credit-card-fraud-detection
Machine learning model for Credit Card fraud detection
class-imbalance knn-classification logistic-regression machine-learning python random-forest smote-sampling svm-classifier tree-model xgboost
Last synced: 12 Mar 2025
https://github.com/heschmat/fantastic-eureka
A collection of machine learning mini-projects.
class-imbalance clustering credit-risk customer-segmentation fraud-detection machine-learning
Last synced: 26 Feb 2025
https://github.com/grantgasser/fraud-detection-linear-classifier
Using SageMaker's linear classifier to detect fraud. Addressing class imbalance and setting target metrics for Precision and Recall
class-imbalance classification fraud-detection sagemaker
Last synced: 03 Apr 2025
https://github.com/atharvapathak/telecom_churn_case_study
Build a classification model for reducing the churn rate for a telecom company
class-imbalance classification decision-trees exploratory-data-analysis feature-extraction logistic-regression pca python random-forest svm-classifier telecom-churn-analysis telecom-churn-prediction
Last synced: 05 Mar 2025