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

GitHub topics: confusion-matrix

sun-vonxu/emotion-detection-nlp

# Emotion Detection from Text using NLP## 📘 Project OverviewThis project uses Natural Language Processing to detect emotions like joy, sadness, anger, and fear from text. It compares traditional machine learning and deep learning models, ensuring robust evaluation. ## Objectives- Build a strong emotion classifier using public datasets.- Anal

Language: Jupyter Notebook - Size: 21.2 MB - Last synced at: about 20 hours ago - Pushed at: about 21 hours ago - Stars: 0 - Forks: 0

apple/ml-hierarchical-confusion-matrix

Neo: Hierarchical Confusion Matrix Visualization (CHI 2022)

Language: TypeScript - Size: 1.89 MB - Last synced at: about 18 hours ago - Pushed at: 1 day ago - Stars: 310 - Forks: 32

vyasdeepti/User-Purchase-Decision-using-Decision-Tree

This notebook demonstrates a complete machine learning workflow using a Decision Tree Classifier to predict user purchase decisions based on social network advertisements. The project illustrates each stage of the pipeline: data import, preprocessing, exploratory data analysis, model training, evaluation, and practical interpretation of the results

Language: Jupyter Notebook - Size: 420 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

jaydenth/Churn-Prediction

This is a School assignment, on churn prediction using scikit learn and traditional ML models

Size: 1000 Bytes - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

Razvan48/Proiect-Natural-Language-Processing-NLP

Proiect Natural Language Processing (NLP) Anul 3, Semestrul 2, Facultatea de Matematica si Informatica, Universitatea din Bucuresti

Language: Jupyter Notebook - Size: 132 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

zach10w/IA-Classification-Analysis

This GitHub repository hosts my AI evaluation work, featuring a Kaggle dataset analysis, experiments with three ML algorithms (including hyperparameter tuning), and a detailed exploration of wine quality data through outlier detection, correlation, and normalization techniques.

Language: Jupyter Notebook - Size: 5.59 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

sepandhaghighi/pycm

Multi-class confusion matrix library in Python

Language: Python - Size: 11.5 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1,476 - Forks: 126

362heavy/Liver_Cirrhosis_Stage_Detection_System

This repository contains a system for detecting the stage of liver cirrhosis using historical patient data. It employs machine learning to analyze key medical indicators and classify patients into three distinct stages. 🦠📈

Language: Jupyter Notebook - Size: 13.9 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

mahaseva/Mobile_Phone_Pricing_Prediction_System

# Mobile Phone Pricing Prediction SystemThis project predicts the price range of mobile phones based on their specifications. Using a dataset with features like battery power and RAM, we classify phones into four price categories. 🛠️📱

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

SaketJha-323/Mobile_Phone_Pricing_Prediction_System

Mobile

Language: Jupyter Notebook - Size: 674 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

Hords01/multi-model-evaluator

Multi Model Classification

Language: Python - Size: 1.68 GB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

ewdlop/Data-Mining

Basic Data Mining Analysis in R.

Language: R - Size: 2.5 MB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

wcipriano/pretty-print-confusion-matrix

Confusion Matrix in Python: plot a pretty confusion matrix (like Matlab) in python using seaborn and matplotlib

Language: Python - Size: 725 KB - Last synced at: 18 days ago - Pushed at: about 2 months ago - Stars: 532 - Forks: 155

suryadipbera1256/Epileptic-Seizure-Recognition

Machine learning techniques are increasingly applied in the classification of drugs based on biomarkers related to epileptic seizures. Various studies highlight the use of deep learning and other machine learning models to enhance seizure detection and classification from EEG data.

Language: Jupyter Notebook - Size: 431 KB - Last synced at: 4 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

maladoi777/breast-cancer-prediction-app

A Streamlit web application for breast cancer prediction using logistic regression. Users can input key tumor features to receive real-time prediction and confidence scores based on the Breast Cancer Wisconsin Diagnostic Dataset.

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

mohamed554/Why-accuracy-may-be-delusional-

An exploration of why using raw accuracy for model evaluation can be misleading, with alternative metric.

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

JamesCWeber/BCG-X-Data-Science-Project-Part-3-Churn-Prediction

The last task given to me while completing the BCG X Data Science microinternship. Create a Random Forest model using data from part 2. The model will predict which customers will churn and what features are influential to customer's decision to churn.

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

KasrAskari/Spam-Classification

Classifies SMS messages as spam or non-spam using machine learning

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

abdulwaheedal/Abdul_Waheed_CSE7_MalwareDetectionCNN

This repository contains the code and resources for a malware classification model using CNN. Key files include the CNN model (cnn_model.py), evaluation scripts, and outputs such as accuracy/loss plots, confusion matrix, and ROC curves. The project is licensed under the MIT License.

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

Judiciousmurich/chest-xray-ai-classifier

A deep learning model to classify chest X-ray images into three categories: Normal, COVID-19, and Pneumonia.

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

Vieira-Marola/Spam_Detection

This project focuses on detecting spam emails using a machine learning approach. Based on a dataset with word frequencies and special character occurrences, the model classifies emails as either spam or non-spam.

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

alvinadar/Logistics-Regression

Implementation of logistics regression for Student pass fail and HR Retention analysis

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

surendiran-20cl/Credit_Score_Classification

Developed a multiclass classification system using supervised learning to predict credit score tiers from financial data. Applied EDA, feature engineering, hyperparameter tuning, and evaluated models using ROC-AUC, confusion matrices, and feature importance.

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

farshad257/NLP_IMDB

A simple Bernoulli Naive Bayes model achieved 94% accuracy on the IMDB sentiment analysis task. Despite its simplicity, it performed exceptionally well.

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

sergio11/spam_email_classifier_lstm

This project uses a Bi-directional LSTM model 📧🤖 to classify emails as spam or legitimate, utilizing NLP techniques like tokenization, padding, and stopword removal. It aims to create an effective email classifier 💻📊 while addressing overfitting with strategies like early stopping 🚫.

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

SedatDikbas/traditional-machine-learning

Geleneksel Makine Öğrenmesi Yöntemleri ile Çalışmalarım

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

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

mkhekare/titanic_ml

Predict the survival of passengers aboard the Titanic using various features from the dataset. The data includes information about passengers such as age, gender, ticket class, and more.

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

Joanna20Carrion/Reconocimiento-de-Voz-con-Redes-Neuronales-y-Transformada-Wavelet

Implementa un sistema de reconocimiento de voz capaz de identificar comandos básicos utilizando redes neuronales y análisis de señales basado en la transformada wavelet.

Language: MATLAB - Size: 1.04 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

nadhif-royal/ModelComparisonML

In this project, I compare several commonly used machine learning models, namely K-Nearest Neighbors (KNN), Kernel SVM, Logistic Regression, Naive Bayes, SVM, Decision Tree, and Random Forest. I evaluate and compare the performance and accuracy of these models using a breast cancer dataset, and get the confusion matrix and accuracy score.

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

TheDataTenno/Churn-Prediction

A machine learning project to predict customer churn using classification models with SMOTE and hyperparameter tuning."

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

KhushiRajurkar/Exoplanet-Habitability-Prediction-Model

Predicts whether an exoplanet is habitable using ML. Handles class imbalance with ADASYN, tests multiple models, and saves the best one. Includes confusion matrices, ROC curves, and a clean Jupyter notebook

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

cheind/tf-matplotlib

Seamlessly integrate matplotlib figures as tensorflow summaries.

Language: Python - Size: 2.83 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 120 - Forks: 17

KasiMuthuveerappan/LoanTap-LogisticRegression

📔 This repository delves into Logistic Regression for loan approval prediction at LoanTap. It covers data preprocessing, model development, evaluation metrics, and strategic business recommendations. Explore model optimization techniques such as confusion matrix, precision, recall, Roc curve and F1 score to effectively mitigate default risks.

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

T4vexx/IA-Classification-Analysis

This GitHub repository hosts my AI evaluation work, featuring a Kaggle dataset analysis, experiments with three ML algorithms (including hyperparameter tuning), and a detailed exploration of wine quality data through outlier detection, correlation, and normalization techniques.

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

venkat-0706/Titanic-Survival-Prediction

A machine learning project predicting Titanic passenger survival using data preprocessing, feature engineering, and model optimization with Logistic Regression, Random Forest, and XGBoost.

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

miguelTavora/Machine-Learning 📦

Predict IMDB ratings based on the review given by the users

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

fs23yayan/MiniProject-ConfusionMatrix

MiniProject-ConfusionMatrix for Metrik Penting pada Algoritma CART

Language: Python - Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

vinothvk99/Bank-Marketing-Campaign-Prediction

Predicting the success of bank marketing campaigns using machine learning models (Random Forest, XGBoost) on customer and economic data. The project includes data preprocessing, model training, and evaluation with accuracy and ROC-AUC scores.

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

gyselle-marques/CalculoDeMetricas-DesafioDIO

Machine Learning: Cálculo de Métricas de Avaliação de Aprendizado em Python.

Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - 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

PENGZhaoqing/kdd99-scikit

Solutions to kdd99 dataset with Decision tree and Neural network by scikit-learn

Language: Python - Size: 6.42 MB - Last synced at: 20 days ago - Pushed at: about 8 years ago - Stars: 58 - Forks: 22

Lakshyakumar1603/Disease_Result_Prediction_ML

This is Disease Result Prediction is a ML based Technology project. In this we have to work on label dataset i.e. supervised learning & Target Variable is the Catogery so it is Classification Category Project. To Predict the Disease is positive or not ,given inputs by the users.

Language: Jupyter Notebook - Size: 1000 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

yoloioloi/ConnectTel-Churn-Prediction

Customer Churn Prediction: Unlocking Retention Strategies with Data Science

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

Vishalchau2003/Heart-disease-prediction-using-machine-learning

Using machine learning we will develop a predictive model to predict heart disease

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

ArtZaragozaGitHub/CV--P5_Plants_Seedling_Classification

A robust image classifier using CNNs to efficiently classify different plant seedlings and weeds to improve crop yields and minimize the extensive human effort to do this manually.

Language: Jupyter Notebook - Size: 7.82 MB - Last synced at: 16 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

ArtZaragozaGitHub/NLP--P6_Sentiment_Analysis_and_Summarization_of_Stock_News

Natural Language Processing AI-model driven sentiment analysis system that will automatically process and analyze news articles to gauge market sentiment, and summarizing the news at a weekly level to enhance the accuracy of their stock price predictions and optimize investment strategies.

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

Judiciousmurich/confusion-matrix-plot

Multiclass confusion matrix visualization

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

SridharYadav07/Code_Alpha-_Task-4

This project demonstrates the typical steps in a machine learning pipeline from data preprocessing and cleaning to training a model and evaluation its performance. The use of Random Forest is appropriate here given the complexity of the dataset, and with further tuning and improvements, this model could be used to make accurate predictions on heart

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

Prishabhanot/Skin_Cancer_Classification_Model

Classifies 7 types of skin cancer lesions using a deep learning CNN model. Processes and balances the dataset, trains the model, and evaluates its accuracy with visualizations.

Language: Python - Size: 93.8 KB - Last synced at: about 20 hours ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

SatvikPraveen/FashionMNIST-Analysis

A comprehensive analysis of the Fashion MNIST dataset using PyTorch. Covers data preparation, EDA, baseline modeling, and fine-tuning CNNs like ResNet. Includes modular folders for data, notebooks, and results. Features CSV exports, visualizations, metrics comparison, and a requirements.txt for easy setup. Ideal for ML workflow exploration.

Language: Jupyter Notebook - Size: 85.3 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 1 - Forks: 2

metriculous-ml/metriculous

Measure and visualize machine learning model performance without the usual boilerplate.

Language: Python - Size: 3.54 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 97 - Forks: 11

Altimis/Confusion-matrix-for-Mask-R-CNN

Confusion matrix for Mask R-CNN (Matterport implementation)

Language: Jupyter Notebook - Size: 857 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 25 - Forks: 16

BatthulaVinay/phone-usage-analysis

This project analyzes phone usage patterns in India and predicts the primary use of mobile devices based on various features. The notebook covers data preprocessing, exploratory data analysis (EDA), and model training using multiple classification algorithms.

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

jamesehiabhi/ConnectTel-Churn-Prediction

Customer Churn Prediction: Unlocking Retention Strategies with Data Science

Language: Jupyter Notebook - Size: 11.7 MB - Last synced at: 13 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

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

jamesehiabhi/Blossom-Bank-Fraud_Detection

AI and ML Models for Secure Digital Transactions at Blossom Bank

Language: Jupyter Notebook - Size: 4.8 MB - Last synced at: 2 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Fraggle460/Data-Mining-

These are a series of data mining workshops using Jupyter Notebook v 7.0.8 running on Python 3.12.4 programming language.

Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

sushant1827/Human-Activity-Recognition-with-Smartphones

Kaggle Machine Learning Competition Project : To classify activities into one of the six activities performed by individuals by reading the inertial sensors data collected using Smartphone.

Language: Jupyter Notebook - Size: 46.4 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 3

BenjiKazzooe/Brustkrebs_Vorhersage

Brustkrebs-Diagnose mit ML

Size: 5.86 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

bsap16/risco_relativo

Um banco solicitou que fosse automatizado o processo de aprovação de empréstimos dos clientes.

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

Netesh5/flutter_confusion_matrix

A Flutter package for creating and visualizing Confusion Matrixes with a customizable heatmap. This package is ideal for machine learning and data analysis applications where a visual representation of prediction accuracy is required.

Language: C++ - Size: 360 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

abhishekpsonawane07/Loan-Repayment-Prediction-ML

Loan Approval Prediction uses machine learning to analyze factors like income and credit history, automating and improving the loan approval process. The project ensures accurate, efficient, and user-friendly predictions with a Gradio interface.

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

chandadiya2004/mnist-digit-classification

This repository demonstrates MNIST digit classification using deep learning. It includes a neural network model built with frameworks like TensorFlow to classify handwritten digits (0-9) from the MNIST dataset. The project covers data loading, preprocessing, model training, evaluation, and accuracy visualization.

Language: Jupyter Notebook - Size: 303 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 1

OmidGhadami95/EfficientNetV2B0---PlantVillage

Plant disease detection on PlantVillage dataset using EfficientNetV2-B0

Language: Jupyter Notebook - Size: 1.73 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 1

LKEthridge/Supervised_Learning

Supervised Learning project from TripleTen

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

imharshag/Fake-news-Detection-using-ML

This project aims to tackle this problem by developing a system that can effectively detect fake news using machine learning techniques.

Language: Python - Size: 12.4 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 8 - Forks: 0

gerardo-lijs/MLUtils

Machine learning utilities for .NET. Confusion matrix, intersection over union, etc.

Language: C# - Size: 35.2 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

Ansh2709/DL-Project

Project basically predicts the digit from(0-9) after training on a particular dataset using CNN

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

amancore/Twitter-Sentiment-Analysis

A machine learning project using RNN and LSTM to classify tweets into positive, neutral, and negative sentiments. Includes data preprocessing, model training, and deployment for public access.

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

nlacey111/Machine-Learning

Machine Learning projects from undergrad.

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

shoaib1522/Introduction-to-Data-Science

Unlock the world of data science with hands-on tutorials, interactive notebooks, and essential resources! Whether you're a beginner or looking to refine your skills, this repo offers a comprehensive guide to mastering Python, Git, NumPy, Pandas, and more—empowering you to analyze, visualize, and transform data like a pro! 🚀📊💻

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

shoaib1522/Data-Science-In-Python

"Unlock the power of data science with my curated collection of Python projects—your gateway to insights, analysis, and hands-on learning! 🌟"

Language: Jupyter Notebook - Size: 13.3 MB - Last synced at: 4 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

emorya/PINC-projects-

This repository shows all of my Jupyter Notebook or Google CoLab projects. Through the Promoting Inclusivity in Computing program at San Francisco State, I have learned many coding skills. These include, Interdisciplinary Python Biological Applications, Data Structures, and now Machine Learning.

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

statsim/confusionmatrix

Generate Confusion Matrix and Evaluation Metrics Online

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

Shah-Afraz411/CNN-Gemstones-classification--128-128-images

CNN-Gemstones-classification--128*128-images

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

gulcihanglmz/pattern-recognition-final-project

🔹This project uses the CNN model to classify fruits as either fresh or rotten based on their images. It provides a solution for assessing fruit quality in agriculture, markets, and the food industry.

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

priyanka7411/fake-news-detector-streamlit

This project aims to detect fake news using machine learning techniques. It utilizes a machine learning model that classifies news articles as real or fake based on their content.

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

Shlok-Nahar/mnist-cnn-classifier

This repository trains and evaluates three CNN models on MNIST, providing performance comparisons and 5 unique visualizations.

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

pranava007/AI_ML_CKD_ClassificationGridCV

Classification GridCV

Language: Jupyter Notebook - Size: 609 KB - Last synced at: 12 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

pranava007/AI_ML_Logistic_Regression_Classification

LogisticRegression Classification

Language: Jupyter Notebook - Size: 8.79 KB - Last synced at: 12 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

pranava007/AI_ML_Decision_Tree_Classification

Decision Tree Classification

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

pranava007/AI_ML_Random_Forest_Classification

Random Forset classfication

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

FedeCana00/Bankruptcy-prediction

Accurately predicting companies' future failure with Python.

Language: Python - Size: 4.92 MB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

thimyxuan/spam-messages-detector

A spam message detector

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

KrishArul26/Defect-detection-in-Air-Pressure-system-APS-of-a-truck-using-ML

The dataset consists of data collected from heavy Scania trucks in everyday usage. The system in focus is the Air Pressure system (APS) which generates pressurised air that is utilized in various functions in a truck, such as braking and gear changes. The dataset’s positive class consists of component failures for a specific component of the APS system. The negative class consists of trucks with failures for components not related to the APS. So, I created a model where It can able to detect whether the APS is going to fail or Not.

Language: Jupyter Notebook - Size: 15.8 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

vijaykumarr1452/Black_Friday_Sales_Analysis

Black Friday Sales Analysis python machine learning project using pandas and scikit-learn for data preprocessing, model training, and performance evaluation.

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

mar19a/KnowledgeIsPower

Knowledge Is Power is a data analysis and prediction tool leveraging U.S. Census data to provide insights into societal topics. Utilizing machine learning, specifically MATLAB's classification learner, the project predicts educational attainment based on income and offers interactive visualizations of veterans' data.

Language: MATLAB - Size: 2.2 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Mugambi645/wine-quality-classifier

Wine quality prediction with xgboost library

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

kuixu/pytorch_online_plotter

Online meter ploter for pytorch. Real time ploting Accuracy, Loss, mAP, AUC, Confusion Matrix

Language: Python - Size: 88.9 KB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 17 - Forks: 4

santi-souza/stroke-eda-ml

Stroke: Statistical analysis of risk factors and creation of predictive models using machine learning

Language: R - Size: 1020 KB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

imratnesh/alteryx

Machine laearning using Alteryx tool. Udacity

Size: 2.86 MB - Last synced at: 17 days ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 1

hollobit/ML_evaluation_metrics

Landscape of ML/DL performance evaluation metrics

Size: 687 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 18 - Forks: 3

squaredev-io/whitebox

[Not Actively Maintained] Whitebox is an open source E2E ML monitoring platform with edge capabilities that plays nicely with kubernetes

Language: Python - Size: 21.2 MB - Last synced at: 27 days ago - Pushed at: almost 2 years ago - Stars: 183 - Forks: 5

dpgitaccount/Project---Hospital-Readmission-Analysis

The goal of this project is to build a predictive model to estimate the likelihood of a hospital readmission based on patient data. By identifying factors that contribute to readmissions, hospitals can optimize care and reduce costs associated with repeated visits.

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

shivamkumar818/MBTI-Personality-Prediction-from-Text-Data

MBTI Personality Prediction from Text Data This project leverages machine learning to predict Myers-Briggs Type Indicator (MBTI) personality types based on textual data, specifically from social media posts.

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

fayzi-dev/scikit_learn

scikit_learn

Language: Python - Size: 58.6 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ZunainAliAzam/Medical-Data-NER-with-BERT

This project leverages BERT for Named Entity Recognition (NER) on a medical dataset. The notebook provides a step-by-step guide, from dataset preparation to fine-tuning and saving the trained model for medical NER tasks.

Language: Jupyter Notebook - Size: 210 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

kmock930/Texture-Image-Comparison

This project aims to build a model which classifies the type of an unseen image as accurate as possible, by implementing, evaluating, and comparing amongst 2 different multi-layer perceptron Neural Networks.

Language: Jupyter Notebook - Size: 205 MB - Last synced at: 4 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Priyanshiguptaaa/20_Newsgroups_text_classification

Built a Multinomial Naïve Bayes classifier and compared the results with the built-in classifier in Sklearn. Developed a classifier with accuracy 82%.

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

Related Keywords
confusion-matrix 657 machine-learning 241 python 182 logistic-regression 175 pandas 104 classification 97 numpy 87 random-forest 83 seaborn 71 matplotlib 65 sklearn 63 random-forest-classifier 59 data-science 55 deep-learning 49 jupyter-notebook 48 scikit-learn 48 decision-tree-classifier 47 f1-score 44 tensorflow 43 matplotlib-pyplot 41 data-visualization 41 naive-bayes-classifier 40 exploratory-data-analysis 40 accuracy-score 40 classification-report 39 python3 39 accuracy 37 machine-learning-algorithms 36 svm-classifier 33 gridsearchcv 31 decision-trees 31 keras 29 knn-classification 29 linear-regression 28 neural-network 27 eda 27 precision 27 supervised-learning 26 roc-curve 26 convolutional-neural-networks 26 nlp 26 xgboost 23 sklearn-library 23 accuracy-metrics 23 recall 22 feature-engineering 21 natural-language-processing 21 cnn 20 feature-selection 20 precision-recall 20 svm 19 heatmap 19 knn-classifier 19 naive-bayes 19 data-preprocessing 18 sentiment-analysis 18 prediction 18 decision-tree 18 cross-validation 18 support-vector-machines 17 knn 17 preprocessing 16 hyperparameter-tuning 16 computer-vision 16 visualization 16 roc-auc-curve 15 data-analysis 15 regression 15 xgboost-classifier 15 metrics 14 predictive-modeling 14 feature-extraction 14 r 14 binary-classification 13 cnn-classification 13 supervised-machine-learning 13 transfer-learning 13 one-hot-encoding 13 keras-tensorflow 13 classification-algorithm 13 artificial-intelligence 12 standardscaler 12 pytorch 12 clustering 12 smote 12 k-means-clustering 12 nltk 11 kmeans-clustering 11 image-classification 11 bag-of-words 11 support-vector-machine 11 image-processing 11 text-classification 11 data-mining 11 linear-discriminant-analysis 11 dataset 11 hyperparameter-optimization 10 multiclass-classification 10 feature-importance 10 classification-model 10