confusion-matrix

There are 840 repositories under confusion-matrix topic.

  • pycm

    sepandhaghighi/pycm

    Multi-class confusion matrix library in Python

    Language:Python1.5k35208125
  • wcipriano/pretty-print-confusion-matrix

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

    Language:Python535513154
  • apple/ml-hierarchical-confusion-matrix

    Neo: Hierarchical Confusion Matrix Visualization (CHI 2022)

    Language:TypeScript31212834
  • whitebox

    squaredev-io/whitebox

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

    Language:Python1836785
  • cheind/tf-matplotlib

    Seamlessly integrate matplotlib figures as tensorflow summaries.

    Language:Python1207417
  • deadskull7/Pneumonia-Diagnosis-using-XRays-96-percent-Recall

    BEST SCORE ON KAGGLE SO FAR , EVEN BETTER THAN THE KAGGLE TEAM MEMBER WHO DID BEST SO FAR. The project is about diagnosing pneumonia from XRay images of lungs of a person using self laid convolutional neural network and tranfer learning via inceptionV3. The images were of size greater than 1000 pixels per dimension and the total dataset was tagged large and had a space of 1GB+ . My work includes self laid neural network which was repeatedly tuned for one of the best hyperparameters and used variety of utility function of keras like callbacks for learning rate and checkpointing. Could have augmented the image data for even better modelling but was short of RAM on kaggle kernel. Other metrics like precision , recall and f1 score using confusion matrix were taken off special care. The other part included a brief introduction of transfer learning via InceptionV3 and was tuned entirely rather than partially after loading the inceptionv3 weights for the maximum achieved accuracy on kaggle till date. This achieved even a higher precision than before.

    Language:Jupyter Notebook1058475
  • metriculous-ml/metriculous

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

    Language:Python983611
  • kaanakan/object_detection_confusion_matrix

    Python class for calculating confusion matrix for object detection task

    Language:Python9031720
  • 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

    Language:Jupyter Notebook840029
  • deadskull7/One-Stop-for-COVID-19-Infection-and-Lung-Segmentation-plus-Classification

    ✋🏼🛑 This one stop project is a complete COVID-19 detection package comprising of 3 tasks: • Task 1 --> COVID-19 Classification • Task 2 --> COVID-19 Infection Segmentation • Task 3 --> Lung Segmentation

    Language:Jupyter Notebook690427
  • aditya9211/SVHN-CNN

    Google Street View House Number(SVHN) Dataset, and classifying them through CNN

    Language:Jupyter Notebook645133
  • snatch59/cnn-svm-classifier

    Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine

    Language:Python621231
  • PENGZhaoqing/kdd99-scikit

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

    Language:Python582322
  • alyakhtar/AQI-Delhi

    Predicting air pollution level in a specific city

    Language:Python367915
  • arvkevi/disarray

    Confusion matrix metrics directly from your pandas DataFrame

    Language:Python34434
  • suhagba/Final-year-project-deep-learning-models

    Deep learning for freehand sketch object recognition

    Language:Jupyter Notebook301310
  • wangjksjtu/rl-perturbed-reward

    Reinforcement Learning with Perturbed Reward, AAAI 2020

    Language:Python29313
  • indrapaul824/Coronary-Heart-Disease-Prediction

    This contains the Jupyter Notebook and the Dataset for the mentioned Classification Predictive Modeling Project

    Language:Jupyter Notebook26105
  • the-mrinal/ML-Notebook

    Karma of Humans is AI

    Language:Jupyter Notebook261021
  • Altimis/Confusion-matrix-for-Mask-R-CNN

    Confusion matrix for Mask R-CNN (Matterport implementation)

    Language:Jupyter Notebook2511416
  • Machine-Learning-Toolbox

    JingweiToo/Machine-Learning-Toolbox

    This toolbox offers 8 machine learning methods including KNN, SVM, DA, DT, and etc., which are simpler and easy to implement.

    Language:MATLAB23206
  • oneoffcoder/py-pair

    Pairwise association measures of statistical variable types

    Language:Python21113
  • ML_evaluation_metrics

    hollobit/ML_evaluation_metrics

    Landscape of ML/DL performance evaluation metrics

  • kuixu/pytorch_online_plotter

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

    Language:Python17104
  • aquatiko/sentiment-analysis-TfIdf-vectorizer-method

    Sentiment Analysis of movie reviews by sklearn's naive bayes and TfIdf word vectorizer.

    Language:Jupyter Notebook16007
  • Sameer-ansarii/Customer-Churn-Prediction

    This project involves predicting customer churn in a telecommunications company using machine learning techniques, exploring various features' impact, optimizing models, and identifying key factors influencing churn.

    Language:Jupyter Notebook161010
  • Chinmayrane16/MNIST-Digit-Recognizer-CNN-Keras-99.66

    Used the Dataset "MNIST Digit Recognizer" on Kaggle. Trained Convolutional Neural Networks on 42000 Training Images and predicted labels on 28000 Test Images with an Validation Accuracy of 99.52% and 99.66% on Kaggle Leaderboard.

    Language:Jupyter Notebook15004
  • sahilsharma884/Music-Genre-Classification

    Perform three types of feature extraction: STFT, MFCC and MelSpectrogram. Apply CNN/VGG with or without RNN architecture. Able to achieve 95% accuracy.

    Language:Python15103
  • simongeek/KerasVGGcifar10

    Keras VGG implementation for CIFAR-10 classification Tutorial

    Language:Python14308
  • sumanth-bmsce/Deep-Neural-Network-for-Clustering

    Autoencoders - a deep neural network was used for feature extraction followed by clustering of the "Cancer" dataset using k-means technique

    Language:Python13115
  • Anas1108/Particle-_Swarm_Optimization-PSO-_for_Feature_Selection

    PSO feature selection improves classifier performance. Implemented in Jupyter Notebook with pandas, numpy, scikit-learn. PSO done from scratch. Results compared using accuracy, precision, recall, F1 score. Improves results compared to using all features. Can be applied to various classification problems.

    Language:Jupyter Notebook12103
  • 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.

    Language:Jupyter Notebook12202
  • mahesh147/Logistic-Regression

    A very basic implementation of Logistic Regression classifier in python.

    Language:Python120021
  • stefmolin/ml-utils

    Machine learning utility functions and classes.

    Language:Python121014
  • fcakyon/confplot

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

    Language:Python11423
  • koushikkumarl/capsuleNetwork_cancerclassification

    Image classification on lung and colon cancer histopathological images through Capsule Networks or CapsNets.

    Language:Jupyter Notebook11146