Ecosyste.ms: Repos

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

GitHub topics: imbalanced-learning

SayamAlt/Stellar-Classification---Sloan-Digital-Sky-Survey-17

Successfully established a machine learning model which can predict an appropriate stellar class, on the basis of a distinct set of spectral characteristics, to a substantially high level of accuracy.

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

Ryndine/ml_credit_risk_analysis

Test supervised machine learning models to predict credit risk.

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

yangjenny/ImbalancedLearningRL

Code implementation for ImbalancedLearningRL, a reinforcement learning-based training method for imbalanced (outcome label) training data.

Language: Python - Size: 323 KB - Last synced: 11 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

shubh1608/Jupyter-Notebook-Template

Jupyter Notebook Templates for quick prototyping of machine learning solutions

Language: Jupyter Notebook - Size: 53.6 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 5 - Forks: 5

ethansilvas/credit-fraud-logistic-regression

Comparison of logistic regression models trained on imbalanced historical loan data to predict healthy and high-risk loans

Language: Jupyter Notebook - Size: 630 KB - Last synced: 18 days ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

eliiza/imbalanced-data

Examples of algorithms dealing with imbalanced data.

Language: Jupyter Notebook - Size: 1.6 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 9 - Forks: 6

iamyuanchung/csdnn

Theano implementation of Cost-Sensitive Deep Neural Networks

Language: Python - Size: 30.3 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 24 - Forks: 5

AdityaBrahme98/Fraud_detection_ML

Use various machine learning models to see how accurate they are in detecting whether a transaction is a normal payment or a fraud.

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

ashwinihegde28/Credit_Risk_Analysis

Credit_Risk_Analysis using Machine Learning

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

massquantity/Class-Imbalance

《机器学习之类别不平衡问题》文章代码

Language: Jupyter Notebook - Size: 9.68 MB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 41 - Forks: 22

raj-1411/Adaptive-Mix-Up

Adaptive Mix-Up for Highly Imbalanced Medical Image Classification

Language: Python - Size: 40 KB - Last synced: 11 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

paobranco/Pre-processingApproachesImbalanceRegression

Pre-processing Approaches for Imbalanced Distributions in Regression

Language: R - Size: 3.1 MB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 8 - Forks: 6

minsoo9506/catchMinor-research

research about imbalanced learning & anomaly detection (tabular, time series)

Language: Jupyter Notebook - Size: 2.01 MB - Last synced: 9 months ago - Pushed: 9 months 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: about 1 year ago - Pushed: over 2 years ago - Stars: 4 - Forks: 1

iamdanialkamali/ImbalancedLittleData

Trying to solve a imbalanced little data in text sentiment analysis

Language: Jupyter Notebook - Size: 27.3 KB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 2 - Forks: 1

simonschoe/imbalanced-learning

This workshop is part of the "Machine Learning in R" graduate course held at University of Münster, School of Business and Economics (winter term 2020/21). :mortar_board:

Language: HTML - Size: 17.1 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 2 - Forks: 1

nershman/imbalanced-learning

Comparison of different imbalanced classification methods with application to credit card fraud

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

lancopku/well-classified-examples-are-underestimated

Code for the AAAI 2022 publication "Well-classified Examples are Underestimated in Classification with Deep Neural Networks"

Language: Jupyter Notebook - Size: 30.5 MB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 25 - Forks: 2

robinsonkwame/adversarial_labeller

Adversarial labeller is a sklearn compatible instance labelling tool for model selection under data drift.

Language: Python - Size: 175 KB - Last synced: 28 days ago - Pushed: over 1 year ago - Stars: 3 - Forks: 1

eric-blankinshp/Credit_Risk_Analysis_Supervised_ML

About Six different techniques are employed to train and evaluate models with unbalanced classes. Algorithms are used to predict credit risk. Performance of these different models is compared and recommendations are suggested based on results. Topics

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

mitchellfagert/Credit_Risk_Analysis

Credit risk analysis using scikit-learn and imbalanced-learn.

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

ksommerdorf/SupervisedML

A case study utilizing supervised machine learning. (In order for the code to work, unzip the csv file in the Resources folder)

Language: Jupyter Notebook - Size: 18.4 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

ADMaple/Credit_Risk_Analysis

An analysis to employ different machine learning techniques to train and evaluate models with unbalanced classes.

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

shayleaschreurs/Supervised_Learning_Regression_Model

Module 12 - Using the imblearn , I'll use a logistic regression model to compare 2 versions of a dataset. First, I’ll use the original data. Next, I’ll resample the data by using RandomOverSampler. In both cases, I’ll get the count of the target classes, train a logistic regression classifier, calculate the balanced accuracy score, generate a con

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

Zarich12/No_Show_Appointment_ML-Logistic-Regression-

Predicts if a patient will show up at a scheduled appointment based on certain features.

Language: Jupyter Notebook - Size: 2.82 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

lilyhanhub/Credit_Risk_Analysis

Supervised Machine Learning project to predict credit risk

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

Davidelvis/BankClientTermDeposit_Prediction

Bank Institution Term Deposit Predictive Model

Language: Jupyter Notebook - Size: 992 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 3

bishopce16/credit_risk_analysis

An analysis to build and evaluate a dataset from LendingClub to discover credit risk using Supervised Machine Learning Algorithms.

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

lrb924/Credit_Risk_Classification

Credit Risk Classification

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

paobranco/SMOGN-LIDTA17

SMOGN: a Pre-processing Approach for Imbalanced Regression - LIDTA2017

Language: R - Size: 5.07 MB - Last synced: over 1 year ago - Pushed: almost 7 years ago - Stars: 21 - Forks: 8

lnshewmo/Credit_Risk_Analysis

Using machine learning algorithms to predict credit risk

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

munno88/Credit_Risk_Analysis

An analysis using Machine Learning algorithms to identify credit card risk using a dataset from LendingClub.

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

SayamAlt/Water-Quality-Prediction

Successfully established a machine learning model which can predict whether any given water sample is potable or not, based on its set of various properties, to a considerably high level of accuracy.

Language: Jupyter Notebook - Size: 7 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

baibai25/MNDO-NC

Multivariate Normal Distribution Based Over-Sampling for Numerical and Categorical Features

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

MFairbro1/Credit_Risk_Analysis

Using machine learning models to predict credit risk

Language: Jupyter Notebook - Size: 18.7 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

stephperillo/Credit_Risk_Analysis

Using machine learning to determine which model is best at predicting credit risk amongst random oversampling, SMOTE, ClusterCentroids, SMOTEENN, Balanced Random Forest, or Easy Ensemble Classifier (AdaBoost).

Language: Jupyter Notebook - Size: 821 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

Owerre/anomaly-detection

Anomaly detection using unsupervised, semi-supervised, and supervised machine learning methods

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

kochlisGit/Predictive-Maintainance-Tanzania-Water-Pumps

In this project, I analyze, plot and clean Tanzania's Water Pump Dataset, which is provided by DrivenData.org for a competition.

Language: Jupyter Notebook - Size: 6.6 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

AJMnd/Credit_Risk_Analysis

An analysis on credit risk

Language: Jupyter Notebook - Size: 192 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

miriamspsantos/datagenerator Fork of sysmon37/datagenerator

A generator of multi-dimensional and multi-class imbalanced data, designed to create artificial datasets for the study of data difficulty factors in imbalanced learning.

Language: Java - Size: 16 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

Malvi1497/Credit_Risk_Analysis

To evaluate the performance of supervised machine learning models to make a written recommendation on whether they should be used to predict credit risk.

Language: Jupyter Notebook - Size: 21.5 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

gaetanoantonicchio/DataMining-2

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

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

jjtiger/Machine-Learning-Classifier-

This project contains an analysis evaluating data from an API and applying several machine learning models to predict credit risk

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

TrentBrunson/Machine_Learned

And the machine learned with scikit, Python, Pandas, etc.

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

Topopiccione/parSMURF-NG

A Machine Learning binary classifier for extremely imbalanced datasets

Language: C++ - Size: 1.47 MB - Last synced: over 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 1

Analitico-771/creditworthiness_classification_model

This is an Application that trains a model using supervised learning and imbalanced-learn library in order to classify and identify the creditworthiness of borrowers

Language: Jupyter Notebook - Size: 517 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

joecerniglia/Glass_ML2

Historical research using Machine Learning

Language: Jupyter Notebook - Size: 18.7 MB - Last synced: 4 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

wattsr1/Credit-Risk-Analysis

Develop a model to predict credit risk based on existing credit application data

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

amirhfarzaneh/ddaloss-pytorch

The PyTorch implementation of Discriminant Distribution-Agnostic loss (DDA loss)

Language: Python - Size: 3.91 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 1

rodolfomp123/imb-mulan

The Mulan Framework with Multi-Label Resampling Algorithms

Language: HTML - Size: 19 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 2 - Forks: 3

RomeroBarata/bimba

Sampling Algorithms for Two-Class Imbalanced Data Sets in R

Language: R - Size: 48.8 KB - Last synced: over 1 year ago - Pushed: over 6 years ago - Stars: 3 - Forks: 1

rdev12/Product-Recommender

An e-commerce company wants to recommend products to its users. The company has collected only transaction data in the past. The training dataset has only 3 columns - user_id, Product bought and Order value of the product. Using this dataset, predict for all the users in the training dataset, the top 3 categories that the user might buy from.

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

UribeAlejandro/Classification_Fraud_Detection

A Machine Learning model that is able to classify credit card transactions as either fraudulent or non-fraudulent. This project shows solutions when the dataset shows a strong imbalance.

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

Baylex/Credit_Risk_Analysis

Supervised Machine Learning and Credit Risk

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

mmkamani7/Targeted-Meta-Learning

In this repository, we implement Targeted Meta-Learning (or Targeted Data-driven Regularization) architecture for training machine learning models with biased data.

Language: Python - Size: 217 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

MLOPTPSU/Targeted-Meta-Learning

In this repository, we implement Targeted Meta-Learning (or Targeted Data-driven Regularization) architecture for training machine learning models with biased data.

Language: Python - Size: 207 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 1

Internship-BVoc/InsuranceClaimPrediction

Predicting whether Insurance claims will accepted or rejected for online Travel Agencies

Language: Jupyter Notebook - Size: 13.7 MB - Last synced: 8 months ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 2

Kowsi/Credit_Risk_Analysis-Machine_Learning

Evaluate several machine-learning models to predict credit risk using free imbalanced dataset from LendingClub

Language: Jupyter Notebook - Size: 27 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

amylio/Credit_Risk_Analysis

An analysis using Machine Learning algorithms to identify credit card risk using a dataset from LendingClub.

Language: Jupyter Notebook - Size: 19.1 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 3

rohithteja/K-Nearest-Neighbours

Experimental analysis of KNN by using waveform dataset

Language: Python - Size: 225 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

LangeJustin/Data-Mining-Cup-2019

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

JalajVora/Text-Analytics-with-Multi-Class-and-Imbalanced-Learning

Genre Identification task along with Text Analytics with Multi-Class and Imbalanced Learning on Gutenberg Corpus

Language: HTML - Size: 166 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

sahutkarsh/likelihood-ratio-imbalance-degree

A new metric to measure multi-class imbalance degree of data using likelihood ratio test based on the paper LRID by Rui Zhu et. al.

Language: Jupyter Notebook - Size: 8.73 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 3 - Forks: 1

rakibhhridoy/HandlingImbalancedDataset-Business

It is important that credit card companies are able to recognize fraudulent credit card transactions so that customers are not charged for items that they did not purchase but by others illegally. Some huge transactions can also done by suspicious figure, it need to catch em.

Language: Jupyter Notebook - Size: 975 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

maitree7/Credit_Risk_Analysis_Classification

Accessing credit risk for peer to peer lending and comparing efficacy of various models while predicting risk

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

tianyiwangnova/2020_project__Customer_Segmentation_and_Campaign_Response_Prediction

☕️Customer segmentation to identify the parts of the population that best describe the core customer base of the company; Predict which individuals are the most likely to respond to the company's mail campaigns.

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

susiexia/Supervised_Machine_Learning

Supervised ML models

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

Sabrout/highly_imbalanced_practice

We explore three algorithms and their combinations to tackle this problem of imbalance in the given dataset. Those algorithms are Gradient Boosting, SMOTE and Tomek Links. Each one is discussed in its own section.

Language: TeX - Size: 375 KB - Last synced: 12 months ago - Pushed: over 5 years ago - Stars: 1 - Forks: 1

PierreGuilmin/impact-annotator_v2

Develop a knowledge-based approach using MSK-IMPACT data to build an automatic variant classifier

Language: Jupyter Notebook - Size: 2.46 GB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 3 - Forks: 3

lxy5513/ObjectDetectionImbalance Fork of kemaloksuz/ObjectDetectionImbalance

目标检测中的不平衡问题综述

Size: 274 KB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

EvandroJRSilva/VDBC

This algorithm is part of a research on Multiclass Imbalanced Domains

Language: MATLAB - Size: 1.85 MB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 1

harisyammnv/MasterArbeit

Master Thesis

Language: Jupyter Notebook - Size: 13.5 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 1 - Forks: 0

clairempr/spooky-classify

Text classification with scikit-learn, used to make predictions for Kaggle Spooky Author Identification competition

Language: Python - Size: 62.5 KB - Last synced: over 1 year ago - Pushed: over 6 years ago - Stars: 1 - Forks: 1

shreyasbhatia09/Google-Analytics-Customer-Revenue-Prediction

Kaggle Challenge

Language: Jupyter Notebook - Size: 449 KB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

joseangeldiazg/MII-SIGE

Repositorio para los proyectos de la asignatura Sistemas Inteligentes para la Gestión en la Empresa (Business Intilligence) del master profesional en ingeniería informática de la Universidad de Granada.

Language: R - Size: 19.5 KB - Last synced: about 1 year ago - Pushed: about 7 years ago - Stars: 0 - Forks: 0

chrinide/smrt Fork of tgsmith61591/smrt

Handle class imbalance intelligently by using variational auto-encoders to generate synthetic observations of your minority class.

Language: Python - Size: 32.9 MB - Last synced: over 1 year ago - Pushed: about 7 years ago - Stars: 1 - Forks: 0

Related Keywords
imbalanced-learning 176 machine-learning 74 imbalanced-data 54 scikit-learn 36 python 32 classification 22 imbalanced-classification 19 smote 18 logistic-regression 15 pandas 14 supervised-machine-learning 14 deep-learning 13 data-science 12 random-forest 12 machine-learning-algorithms 11 jupyter-notebook 10 oversampling 10 imbalance-classification 10 supervised-learning 10 long-tailed-recognition 9 class-imbalance 9 neural-network 8 pytorch 8 regression 7 smoteenn 7 xgboost 7 long-tail 6 undersampling 6 data-visualization 6 balancedrandomforestclassifier 6 clustercentroids 6 python3 6 ensemble-learning 6 easyensembleclassifier 6 random-forest-classifier 6 numpy 6 sklearn 6 randomoversampler 5 cost-sensitive-learning 5 feature-engineering 5 data-mining 5 imbalanced-learn 4 data-augmentation 4 seaborn 4 image-classification 4 tensorflow 4 matplotlib 4 fraud-detection 4 scikitlearn-machine-learning 4 resampling 4 random-over-sampling 4 balanced-random-forest 4 imbalanced-regression 4 computer-vision 4 imblearn 4 r 4 imbalance 3 meta-learning 3 adaboost 3 confusion-matrix 3 easy-ensemble-classifier 3 over-sampling 3 precision 3 recall 3 exploratory-data-analysis 3 graph-neural-networks 3 multiclass-classification 3 pu-learning 3 ensemble 3 ensemble-model 3 tensorflow2 3 cross-validation 3 nlp 3 streamlit 2 astronomy 2 smote-algorithm 2 sampling-methods 2 nlp-machine-learning 2 anomaly-detection 2 scala 2 cluster-centroids-algorithm 2 keras 2 long-tailed-learning 2 svm 2 facial-expression-recognition 2 unbalanced-data 2 recommender-system 2 pandas-python 2 smote-sampling 2 data-complexity 2 smoteboost 2 pre-processing 2 natural-language-processing 2 resampling-methods 2 focal-loss 2 classification-algorithm 2 neural-networks 2 neural-collapse 2 depth-estimation 2 anaconda 2