multiclass-classification
There are 717 repositories under multiclass-classification topic.
sepandhaghighi/pycm
Multi-class confusion matrix library in Python
sb-ai-lab/LightAutoML
Fast and customizable framework for automatic ML model creation (AutoML)
koba-jon/pytorch_cpp
Deep Learning sample programs using PyTorch in C++
AdrianAntico/AutoQuant
R package for automation of machine learning, forecasting, model evaluation, and model interpretation
AdeelH/pytorch-multi-class-focal-loss
An (unofficial) implementation of Focal Loss, as described in the RetinaNet paper, generalized to the multi-class case.
ShawnyXiao/2017-CCF-BDCI-AIJudge
2017-CCF-BDCI-让AI当法官(初赛):7th/415 (Top 1.68%)
ASUS-AICS/LibMultiLabel-Old-Archive
This library has been moved to https://github.com/ntumlgroup/LibMultiLabel
cmasch/cnn-text-classification
Text classification with Convolution Neural Networks on Yelp, IMDB & sentence polarity dataset v1.0
Iretha/IoT23-network-traffic-anomalies-classification
AI & Machine Learning: Detection and Classification of Network Traffic Anomalies based on IoT23 Dataset
DennisHanyuanXu/Tiny-ImageNet
Image classification on Tiny ImageNet
vijayg15/Keras-MultiClass-Image-Classification
Multiclass image classification using Convolutional Neural Network
MuhammedBuyukkinaci/TensorFlow-Multiclass-Image-Classification-using-CNN-s
Balanced Multiclass Image Classification with TensorFlow on Python.
georgezoto/TensorFlow-in-Practice
TensorFlow in Practice Specialization. Join our Deep Learning Adventures community 🎉 and become an expert in Deep Learning, TensorFlow, Computer Vision, Convolutional Neural Networks, Kaggle Challenges, Data Augmentation and Dropouts Transfer Learning, Multiclass Classifications and Overfitting and Natural Language Processing NLP as well as Time Series Forecasting 😀 All while having fun learning and participating in our Deep Learning Trivia games 🎉 http://bit.ly/deep-learning-tf
CarsonScott/HSOM
Hierarchical self-organizing maps for unsupervised pattern recognition
kanchitank/Text-Emotion-Analysis
Automate detection of different emotions from paragraphs and predict overall emotion.
DPIRD-DMA/MultiClean
Python library for morphological cleaning of multiclass 2D numpy arrays (edge smoothing and island removal
rafaelgreca/e2e-mlops-project
The purpose of this project's design, development, and structure is to create an end-to-end Machine Learning Operations (MLOps) lifecycle to classify an individual's level of obesity based on their physical characteristics and eating habits.
itakurah/Focal-loss-PyTorch
Focal Loss implementation of the loss function proposed by Facebook AI Research to address class imbalance during training in tasks like object detection
srimannarayanabaratam/land_cover_classification_unet
This repository contains code for implementing multi class semantic segmentation (specifically applied to satellite image classification) with PyTorch implementation of UNet.
gokriznastic/20-newsgroups_text-classification
"20 newsgroups" dataset - Text Classification using Multinomial Naive Bayes in Python.
GINK03/alt-i2v
alternative illustration2vec implitation of sigmoids of fully connected layer
todd-cook/ML-You-Can-Use
Practical ML and NLP with examples.
gabrielziegler3/xgboost-multiclass-multilabel
XGBoost Medium article code
ronakvijay/Protein_Sequence_Classification
A case study on Pfam dataset to classify protein families.
DunnBC22/NLP_Projects
Repository for My HuggingFace Natural Language Processing Projects
msoczi/football_predictions
Predicting the results of matches in European leagues
m3mentomor1/Breast-Cancer-Image-Classification-with-DenseNet121
This project utilizes a sophisticated deep learning model trained to classify breast ultrasound images into three categories: benign, malignant, or normal, thus determining the presence of breast cancer.
awslabs/sagemaker-corporate-credit-rating
Corporate Credit Rating Prediction with AWS SageMaker JumpStart
MuhammedBuyukkinaci/Object-Classification-and-Localization-with-TensorFlow
This repository is containing an object classification & localization project for SINGLE object.
Yeaseen/ML_Pattern
:trident: Some recognized algorithms[Decision Tree, Adaboost, Perceptron, Clustering, Neural network etc. ] of machine learning and pattern recognition are implemented from scratch using python. Data sets are also included to test the algorithms.
okozelsk/NET
Reservoir computing library for .NET. Enables ESN , LSM and hybrid RNNs using analog and spiking neurons working together.
sharmaroshan/Weed-Detection
This Problem is based on a Image Data set consisting of different types of weeds, to detect them in crops and fields. I have used Deep Learning Model called CNN(Convolutional Neural Networks) with Dropout, Batch Normalization, ReduceLearning rate on plateau, Early stoppig rounds, and Transposd Convolutional Neural Networks.
khushboogupta13/Flipkart-Product-Categorization
A Natural Language Processing based project that aims at categorizing e-commerce products based on their description using Machine Learning and Deep Learning techniques (implemented using PyTorch).
GjjvdBurg/GenSVM
A Generalized Multiclass Support Vector Machine available in Python, R, and C