classification-report
There are 102 repositories under classification-report topic.
marcogdepinto/emotion-classification-from-audio-files
Understanding emotions from audio files using neural networks and multiple datasets.
sharmaroshan/Fraud-Detection-in-Online-Transactions
Detecting Frauds in Online Transactions using Anamoly Detection Techniques Such as Over Sampling and Under-Sampling as the ratio of Frauds is less than 0.00005 thus, simply applying Classification Algorithm may result in Overfitting
thieu1995/permetrics
Artificial intelligence (AI, ML, DL) performance metrics implemented in Python
roshansridhar/Multimodal-Sentiment-Analysis
Engaged in research to help improve to boost text sentiment analysis using facial features from video using machine learning.
fischlerben/Machine-Learning-Credit-Risk
Machine-Learning project that uses a variety of credit-related risk factors to predict a potential client's credit risk. Machine Learning models include Logistic Regression, Balanced Random Forest and EasyEnsemble, and a variety of re-sampling techniques are used (Oversampling/SMOTE, Undersampling/Cluster Centroids, and SMOTEENN) to re-sample the data. Evaluation metrics like the accuracy score, classification report and confusion matrix are generated to compare models and determine which suits this particular set of data best.
sahilichake/Indian-Crime-Data-Analysis-Forecasting
Conducted data analysis, statistical analysis, and data visualization on an Indian crime dataset. Applied various machine learning algorithms to gain insights from the data. Utilized Time-Series models for prediction and forecasting based on the crime data analysis.
sushantdhumak/Fashion-Clothing-Classification
Kaggle Machine Learning Competition Project : In this project, we will create a classifier to classify fashion clothing into 10 categories learned from Fashion MNIST dataset of Zalando's article images
Ramyadeveloper59/Water-Quality-Prediction-by-using-Machine-Learning.
The main purpose of our proposed method is used to predict the quality of water by using Machine Learning algorithm.
diem-ai/text-classification
The project aims to apply Naives Bayes on TF-IDF and Word2Vec Models .Use one of Selection Best Feature techniques to chose only features that contribute to the performance of the prediction
DougUOT/Credit_Risk_Analysis
We'll use Python to build and evaluate several machine learning models to predict credit risk. Being able to predict credit risk with machine learning algorithms can help banks and financial institutions predict anomalies, reduce risk cases, monitor portfolios, and provide recommendations on what to do in cases of fraud.
maridda/nerval
Python framework to evaluate Named Entity Recognition (NER) models. Creates entity-level confusion matrix and classification report.
spChalk/Vaccine-Sentiment-Classifier
:syringe: Vaccine Sentiment Classifier is a deep learning classifier trained on real world twitter data, that distinguishes 3 types of tweets: Neutral, Anti-vax & Pro-vax.
gperakis/Sentiment-Analysis-On-Customer-Reviews
Sentiment analysis on customer reviews using machine learning and python
Manaliagarwal/Student-Alcohol-Consumption-Detection-
With the Student Alcohol Consumption data set, we predict high or low alcohol consumption of students.
pkiage/tool-credit-risk-modelling
Tool demonstrating building credit risk models
sanketmaneDS/Logistic_Regression
This repository contains introductory notebook for logistic regression
vaitybharati/P36.-Supervised-ML---Decision-Tree---C5.0-Entropy-Iris-Flower-
Supervised-ML-Decision-Tree-C5.0-Entropy-Iris-Flower-Using Entropy Criteria - Classification Model. Import Libraries and data set, EDA, Apply Label Encoding, Model Building - Building/Training Decision Tree Classifier (C5.0) using Entropy Criteria. Validation and Testing Decision Tree Classifier (C5.0) Model
ahing/credit-card-approval-prediction
Using a classification model, this project will focus on predicting whether an applicant is a "good" or "bad" customer who's applying for a credit card based on an application record and credit record dataset.
billy-enrizky/TensorFlow-Image-Classification
"TensorFlow Image Classification Project" This project demonstrates image classification using TensorFlow. The CIFAR-10 dataset, consisting of 60,000 32x32 color images across 10 classes, is explored and analyzed. Key components include data loading, dataset characteristics, and a machine learning model built using the functional API.
mohammadtavakoli78/Data-Mining
This is projects of Data Mining
NeonOstrich/Credit-Risk-Classification-using-Logistic-Regression
Trained and evaluated two supervised machine learning models using original and resampled data to identify 'healthy loan' and 'high risk loan' applicants from financial disclosures.
sushantdhumak/Machine-Learning-for-Predictive-Maintenance
Demonstrate the application of machine learning on a real-world predictive maintenance dataset, using measurements from actual industrial equipment.
aaaastark/Intrusion-Detection-System-MQTT-Enabled-IoT
Intrusion Detection System for MQTT Enabled IoT.
Abhik35/Assignment-SVM-forestfires
classify the Size_Categorie using SVM
adil-imran/Customer-Retention-Deep-Learning
Customer Retention Deep Learning Model
ahing/airbnb-feature-analysis
Using a dataset provided by Airbnb, analysis and predictions will be made to understand what effects the total price of an Airbnb
AISWARYA-NANDAKUMAR/Prediction-of-Breast-Cancer-from-Histopathological-Images
Different networks, 2D CNN, 1X1 filter, VGG16 and Inception network is used for predicting breast cancer from histopathological images. Performance of different models are compared and found out that InceptionNet performed the best.
imane-ayouni/Breast-Cancer-Detection-from-Ultrasound-pictures-using-CNN
CNN to classify ultrasounds of cancerous and non cancerous cells
JLeigh101/Credit-Risk-Classification
NU Bootcamp Module 20
juzcho/Machine_Learning_Trading_Bot
This is in regard to algorithmic trading bot with the use of machine learning to predict potential returns and actual returns.
kwr4/Customer-Satisfaction-Prediction
Machine Learning Model in Jupyter notebook using Python on a Customer Satisfaction Data Set to explore, visualize, test, train and predict. Xgb boost
marlevek/telecom-churn
3 modelos de classificação para analisar churn de um empresa de telecom e ao final responder a pergunta: Qual modelo teve o melhor desempenho?
MuhammadUsmanTipu/Classification-IBM-Project
The dataset is about past loans. The loan_train.csv data set includes details of 346 customers whose loans are already paid off or defaulted.
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.
Sridhar922/Water-Quality-Analysis
Water Quality Analysis
varmatilak22/Credit_Score_Prediction
Credit Score Prediction is a machine learning project that classifies credit scores ('Good', 'Standard', 'Poor') using a streamlined pipeline. It involves data extraction, cleaning, and preprocessing, with key techniques like Mutual Information for feature selection, PCA for dimensionality reduction, and XGBoost for efficient and accurate model tr