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

GitHub topics: roc-auc-curve

pajaskowiak/clusterConfusion

Clustering validation with ROC Curves

Language: R - Size: 1.2 MB - Last synced at: 30 days ago - Pushed at: 3 months ago - Stars: 7 - Forks: 1

sushant1827/Machine-Learning-for-Predictive-Maintenance

Demonstrate the application of machine learning on a real-world predictive maintenance dataset, using measurements from actual industrial equipment.

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

labrijisaad/Twitter-Sentiment-Analysis-with-Python

I aim in this project to analyze the sentiment of tweets provided from the Sentiment140 dataset by developing a machine learning sentiment analysis model involving the use of classifiers. The performance of these classifiers is then evaluated using accuracy and F1 scores.

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 10 - Forks: 2

VivekSagarSingh/Probability-of-Credit-card-Default

Classification problem using multiple ML Algorithms

Language: Jupyter Notebook - Size: 26.5 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 1

sushant1827/Credit-Card-Fraud-Detection

Demonstrates the use of ML for Anomaly Detection for Credit Card Transactions: Identifying Fraudulent Activity using Imbalanced Data

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

Ansuman21/Evaluating_and_Optimizing_Model_Performance_for_Business_Decision-Making

Data Science Project (Understanding Classification Model Performance Metrics M5)

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

djdhairya/Brain-Stroke-Prediction

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

yashmittalz/IMDB-Sentiment-Analysis

This project is a Natural Language Processing (NLP) initiative that performs sentiment analysis on IMDB movie reviews.

Language: Python - Size: 12.7 MB - Last synced at: 15 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

varmatilak22/Credit_Score_Prediction

This project predicts credit scores ('Good', 'Standard', 'Poor') using a streamlined ML pipeline. It includes data extraction, cleaning, and preprocessing. Key techniques are Mutual Information for feature selection, PCA for dimensionality reduction, and XGBoost for accurate and efficient model training, ensuring reliable and robust predictions.

Language: HTML - Size: 5.57 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

aarryasutar/Logistic_Regression_on_Age_Prediction

This code evaluates the performance of a logistic regression model on age prediction using various features to predict a binary target variable, calculating metrics to determine the performance. It evaluates the comparison, identifies favorable features, and visualizes the ROC-AUC curve to determine the best model performance.

Language: Jupyter Notebook - Size: 191 KB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

larenwell/ai-ml-rfe-optuna-ferreyros-challenge

At ferreyros, prioritizing sales opportunities for spare parts and services allows them to provide the best service to customers who need it most. This challenge is to use historical opportunity data to estimate the probability of closing new opportunities.

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

Niteshchawla/OLA-EnsembleLearning

Recruiting and retaining drivers is seen by industry watchers as a tough battle for Ola. Churn among drivers is high and it’s very easy for drivers to stop working for the service on the fly or jump to Uber depending on the rates.

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

Niteshchawla/LoanTap-LogisticRegression

Given a set of attributes for an Individual, determine if a credit line should be extended to them. If so, what should the repayment terms be in business recommendations?

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

ChaitanyaK77/Heart-Disease-prediction-with-Advanced-SMOTE-Implementation-and-ROC-learning

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

harmanveer-2546/Wafer-Fault-Detection

The goal is to eliminate manual work in identifying faulty wafers. Opening and handling suspected wafers disrupts the entire process. False negatives result in wasted time, manpower, and costs.

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

edwinthomas444/machine-learning

e2e machine learning pipeline using a config based approach for classification problems. Supports grouping and grading classifiers in addition to online learning algorithms

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

pajaskowiak/aucc

AUCC (Python Implementation)

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

xavierfactor/Diabetes-Predictive-Analytics

ML models that predict diabetic status

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

minyansh7/CustomerSegmentationPredictionforArvato

Build Customer Segments and predict customer responses to marketing campaign for Arvato Financial Services

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

venkatesh-eranti/classification_milestone_project

Predicting Heart Disease using Machine Learning

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

domingosdeeulariadumba/Penguins_Classification

Multiclass classification model of penguins species.

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

GunturWibawa/SentimentAnalysisJU

Junky Union is creating a system to sort movie reviews. They aim to train a model to detect negative reviews using the IMBD dataset with polarity labeling. The model must classify reviews as positive or negative with an F1 score of at least 0.85.

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

agomolka/KaggleTitanicCompetition

Predict survival on the Titanic and get familiar with ML basics.

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

Tejas-TA/Transformer-BERT-SMS-Spam-Detection

Spam SMS Detection Project implemented using NLP & Transformers. DistilBERT - a hugging face Transformer model for text classification is used to fine-tune to best suit data to achieve the best results. Multinomial Naive Bayes achieved an F1 score of 0.94, the model was deployed on the Flask server. Application deployed in Google Cloud Platform

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

karansondh/bee-classifictaion

Classifier that predicts bee species from images. We have used Support Vector Machine(SVM) model. It can predict different bee species with an accuracy of 68%.

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

jianninapinto/Default-Loan-Predictor

Trained a classifier by using labeled data and SMOTE techniques to predict if a borrower will default on a loan. The machine learning model is intended to be used as a reference tool to help investors make informed decisions about lending to potential borrowers based on their ability to repay. The purpose is to lower risk and maximize profit.

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

Harmanveer2546/Heart

Predicting the presence of heart disease based on several health-related factors and Performing - i.) Data Cleaning ii.) Data Pre-Processing iii.) EDA iv.) Compare 5 different classification algorithms (Logistic Regression, Decision Tree, Random Forest, KNN and SVC)

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

chomiczdawid/simple-credit-scoring

PD model using Logistic Regression in Python

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

varshith-alladi/Cancer-Classification-Based-On-Gene-Expression-Data

This is a Bio Informatics project for the classification of types of Leukemia Cancer i.e., ALL & AML based on gene expression data. An accuracy of 0.94 has been achieved by using Support Vector Machine(SVM). The dataset has been collected from 'Kaggle' where gene descriptions are given as the features.

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

JitalEn/LeadScore

Lead scoring case study

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

shanuhalli/Assignment-Neural-Networks

Predict the Burned Area of Forest Fire with Neural Networks and Predicting Turbine Energy Yield (TEY) using Ambient Variables as Features.

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

jaunel/ML-Classification--Customer-Churn-Prediction

Developed Machine Learning Model to categorize customer with more than 91% accuracy and 88% roc_auc score. Best ML model is selected after evaluating all performance metric like Accuracy, Precision & recall

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

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 at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Buffless24/BreastCancer-Analysis-and-Prediction

Data analysis, visualization and prediction to predict whether a patient has benign or malignant breast cancer based on properties of the cancer

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

Kovenda/R-Shiny-App-to-predict-Factors-Affecting-Survival-of-CHD

R Shiny App to determine the factors that are most influential in patients’ survival of CHD. I created a Logistic Regression model in R using RStudio to predict the survival of CHD patients. Retrieved the data from the PHIS database using SQL & built tableau dashboards. The model predicted the survival of CHD with an AUC of over .90 and indicated that a higher EF % is a major factor.

Language: R - Size: 474 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

SurajKumarMondal/Santander-Customer-Satisfaction

In this project, we have worked with hundreds of anonymized features to predict if a customer is satisfied or dissatisfied with their banking experience.

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

rochitasundar/Classification-booking-cancelation-prediction-StarHotels

The aim is to develop an ML- based predictive classification model (logistic regression & decision trees) to predict which hotel booking is likely to be canceled. This is done by analysing different attributes of customer's booking details. Being able to predict accurately in advance if a booking is likely to be canceled will help formulate profitable policies for cancelations & refunds.

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

SurayaSumona/Telecom_Customer_Churn_Prediction

Machine Learning with Python

Language: Jupyter Notebook - Size: 275 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

SurayaSumona/Heart_Disease_Prediction_Analysis

Machine Learning with Python

Language: Jupyter Notebook - Size: 143 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

LTW85/skflex

Flexible utility functions for use with the sklearn library

Language: Python - Size: 295 KB - Last synced at: 26 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

TonmoyTalukder/Churning-Telecom-Company-Prediction

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

SmartNamDevoloper/Logistic_Regression

This is a project demonstrating Logistic Regression method using Python. An education company named X Education sells online courses to industry professionals. On any given day, many professionals who are interested in the courses land on their website and browse for courses.

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

SmartNamDevoloper/Telecom_Customer_churn_Classification

This project demonstrates building a classification model for imbalanced data. Feature engineering, feature selection and extensive EDA. Comparing of logistic regression, random forest and ADA Boost models are done before finalizing the best model.

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

ridwan102/NJNY_Flight_Delay

Presentation Link: https://www.youtube.com/watch?v=MNy65IYIx24&t=13s

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

Related Keywords
roc-auc-curve 44 machine-learning 19 confusion-matrix 15 logistic-regression 13 python 9 decision-tree-classifier 8 numpy 7 sklearn 7 random-forest-classifier 7 pandas 7 random-forest 6 feature-selection 6 gridsearchcv 5 precision-recall 5 feature-engineering 5 classification-report 5 hyperparameter-tuning 4 f1-score 4 recall 4 eda 4 machine-learning-algorithms 4 matplotlib 4 roc-curve 4 joblib 4 smote 3 pipeline 3 statsmodels 3 pca-analysis 3 precision 3 bagging-ensemble 3 rfe 3 encoding 3 support-vector-machine 3 ml 3 svc 3 clustering 3 data-visualization 3 accuracy-score 3 roc-auc 3 scikitlearn-machine-learning 2 outlier-detection 2 xgboost 2 xgboost-classifier 2 binary-classification 2 classification-algorithm 2 jupyter-notebook 2 one-hot-encoding 2 kaggle-dataset 2 clustering-validation 2 roc-curves 2 roc-auc-score 2 onehot-encoding 2 dimensionality-reduction 2 decision-trees 2 seaborn 2 k-means-clustering 2 hierarchical-clustering 2 data-science 2 natural-language-processing 2 k-means 2 smote-sampling 2 knn 2 grid-search-cross-validation 2 sklearn-metrics 2 label-encoder 2 svm-classifier 2 imbalanced-data 2 bert-model 2 pandas-python 2 gradient-boosting-classifier 2 clustering-algorithm 2 exploratory-data-analysis 2 lemmatization 2 stemming 2 variance-inflation-factor 2 scikit-learn 2 featureimportance 2 data-analysis 2 bioinformatics 1 knn-classifier 1 decision-tree 1 credit-risk 1 credit-scoring 1 statistics 1 woe-and-iv 1 first-project 1 survival-on-the-titanic 1 svm 1 attention-is-all-you-need 1 pytohn 1 bag-of-words 1 flask-api 1 huggingface-transformers 1 kaggle-titanic-survival 1 lightgbm-classifier 1 multinomial-naive-bayes 1 nlp-machine-learning 1 kaggle-titanic 1 spam-sms-detection 1 tensorflow2 1