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

Topic: "multi-class-classification"

pradeepdev-1995/BERT-models-finetuning

BERT (Bidirectional Encoder Representations from Transformers) is a transformer-based method of learning language representations. It is a bidirectional transformer pre-trained model developed using a combination of two tasks namely: masked language modeling objective and next sentence prediction on a large corpus.

Language: Python - Size: 124 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

vamc-stash/Artificial-Neural-Networks

Implemented regression, binary classification, multi-class classification ANNs

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

sumansid/Sign-Language-Recognition

A deep learning model that recognizes hand gestures for alphabets. Trained using tensorflow, with activation function : RELU and Softmax (for multi-class classification).

Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

nlucian/bayesian_neural_network_vs_nn

Binary and multiclass comparison of Bayesian Neural Network and Simple Neural Network

Language: Jupyter Notebook - Size: 418 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

yashprakash13/Weed-Detection-Kaggle

A keras multiclass classification on Kaggle Weed Detection Dataset

Language: Jupyter Notebook - Size: 454 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

saman-nia/MultiClass-Classification

Deep Learning VS. Machine learning

Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: 4 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

ZeyuKeithFu/HandwrittenDigits-SVM

A kernel SVM practice on MNIST handwritten digits image dataset.

Language: MATLAB - Size: 6.04 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

cetinsamet/movie-genre-classification

Movie genre classification form movie subtitles

Language: Python - Size: 4.05 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

keyurr2/food-classifier-alexnet

Food item classifier with alexnet cnn architecture for online food ordering application.

Language: Python - Size: 32.2 MB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

NishantKr97/Machine-Learning---Coursera

machine-learning octave neural-networks linear-regression logistic-regression multi-class-classification support-vector-machines k-means-clustering principal-component-analysis anomaly-detection recommender-systems

Language: Matlab - Size: 20.9 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

arshdeepyadavofficial/Brain-Tumor-Detection-And-Classification

Enhanced MRI Brain Tumor Detection using a Hybrid Deep Learning + Machine Learning model. Combines MobileNetV2 & SVM to classify tumors (Glioma, Meningioma, Pituitary, No Tumor) from contrast MRI. Achieves ~93% accuracy via transfer learning & augmentation.

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

MuhammadHassan2020/Inflammation-cell-classification_ML

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

Arpangpta/AlgoD-CodeStructure-Identifier

Identify algorithmic structures in source code using Abstract Syntax Trees (ASTs) and a CodeBERTa-based classifier. Combines syntactic analysis with transformer embeddings for structure classification from small datasets.

Language: Java - Size: 115 KB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

a-anuj/battery-health-classifier

An AI-powered Streamlit app that predicts EV battery health (Good, Moderate, Needs Maintanence,Critical) using a custom neural network. Built with synthetic data reflecting real-world charging patterns and battery behavior.

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

FaNa-AI/VIT

A PyTorch-based image classification project using HuggingFace’s ViT model. It fine-tunes google/vit-base-patch16-224-in21k on a custom Cats vs Dogs dataset with training, evaluation, and metric visualization. Great for learning ViT transfer learning.

Size: 225 KB - Last synced at: 21 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

SuryaVamsi-P/Diabetic-Retinopathy-Detection-with-ResNet50

Built an end-to-end deep learning pipeline using ResNet-50 to classify retinal images into five stages of Diabetic Retinopathy. Applied transfer learning, image preprocessing, and AUC-based evaluation on the APTOS 2019 Kaggle dataset, achieving a 94% validation AUC—offering real-world potential in clinical diagnosis automation.

Language: Python - Size: 2.15 MB - Last synced at: 17 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

mslawsky/DYT-Multi-Class-Classifier

This repository contains a multi-class classifier to recognize the four style types featured in Dressing Your Truth by Carol Tuttle

Size: 5.37 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

mslawsky/american-sign-language-multi-class

This repository contains a multi-class image classifier to recognize American sign language using TensorFlow

Size: 523 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

anya-kondamani/SpotifyClassification

Multi-class classification on real Spotify dataset.

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

amirezzati/broken-plural

Producing the plural of Arabic singular words using RNN in Keras

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

madhans476/Food-hazard-detection-SEMEVAL-2025

Solution for SemEval-2025 Task 9: The Food Hazard Detection Challenge. Utilized machine learning, fine-tuned LLMs (GPT-2, LLaMA, Flan-T5-XL), and ensemble learning to classify food hazards and detect specific products and hazards from unstructured text.

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

sroman0/Web-Inf

Neural Network for Multi-Class Classification is a project developed during the "Web and Information Retrieval" course at Università degli Studi del Sannio. This repository provides an implementation of a neural network with a softmax output layer, designed for multi-class classification tasks.

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

Evangelos-Karavas/Classification-of-Spherical-Friction-Failures-with-Application-of-Machine-Learning

Development of an automated detection system of its operational status engine by measuring the performance of the system using control signals fed into machine learning models

Language: MATLAB - Size: 82.9 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Onome-Joseph/NLP_CNN_Classification

This project implements accurate tags or specifications to problems, or user complaints based on input text. The model is designed using neural networks to process data quickly and deliver high-performance results.

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

SimReale/tweets_sexism_detector

NLP assignments about creating a sexism classifier with different approaches.

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

SathvikNayak123/image-classification-with-MLOps

End-toEnd Data Science Project with Transfer Learning and MLOps

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

abhin5821/Turkish-Music-Emotion-Classification

Multi-class classification of Turkish-Music into 4 discrete classes based on its emotions.

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

lasyakonduru/CIFAR-10-Image-Classification-with-CNNs-Baseline-and-Enhanced-Models

This project focuses on multi-class image classification using CNNs with the CIFAR-10 dataset. It compares a baseline and an enhanced model to classify 10 categories, including trucks, for real-world applications like preventing deer-vehicle collisions. Includes architecture, training, and evaluation insights.

Language: HTML - Size: 1.12 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

bibek36/SignLanguage-Detection-MNIST-Dataset

In this project, we tackled a multi-class classification problem where the goal was to correctly classify images of hands depicting the 26 letters of the English alphabet using a Convolutional Neural Network (CNN). The dataset used for this task is the Sign Language MNIST dataset, which consists of 28x28 grayscale images representing each letter.

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

Cipher-unhsiV/COPD-Severity-Assessment

Official Repository of IEEE Research Paper "Chronic Obstructive Pulmonary Disease Severity Classification using lung sound"

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

Gyani-rocks/Food-Vision-Big

It is an end-to-end multi-class image classification model that is based on the concepts of deep learning and Food(image) recognition. For this project I am using EfficientNet B0 feature extraction model , which takes in data of mixed precision. This will be used to predict on the images from 'food101' which is imported from TensorFlow datasets.

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

Mariam-Zaidi/Monkey-Pox_detection-Thesis

M-Pox detection using deep learning models and eXplainable AI

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

krsahab/E-CommerceProductCategorization

Multi-Class Classification based on text data using Natural Language Processing and Deep Learning.

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

ConradKleykamp/Prediction-of-Cirrhosis-Outcomes-with-XGB

Predicting the multi-class outcomes of cirrhosis patients using an XGB classifier

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

razamehar/Synthetic-to-Real-Image-Classifier

The CGI2Real_Multi-Class_Image_Classifier categorizes humans, horses, or both using transfer learning from Inception CNN. Trained on synthetic images, it can also classify real ones.

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

radismili/Diabetes-Indicators-Classification

Multi-class logistic regression, Decision Tree and Random Forest

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

KenKaneki2207/Fashion-MNIST

Classification model for Fashion MNIST dataset

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

kelixirr/Arxiv34k4l

Multi-label text classification project on Arxiv data using NLP

Language: Jupyter Notebook - Size: 1.24 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

muscak/Liver-Cirrhosis-Stage-Prediction

Prediction of the stage of liver cirrhosis of a patient

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

leiyunin/Multi-class-Multi-label-classification-using-SVM

This project applies SVM classifiers and K-Means clustering to the Anuran Calls (MFCCs) dataset for multi-class, multi-label classification, evaluating techniques like binary relevance, SMOTE, and Classifier Chains to optimize label prediction accuracy.

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

miguel617/Multi-Classification-predictor-on-Payments-Timeliness

Multi-Classification ML modelling on a payment's database to predict any of the 3 states of a payment in a company.

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

PulmonomicsLab/mcdr-mtb-standalone

Multi-class classification of drug resistance in MTB clinical isolates

Language: Shell - Size: 5.56 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

RimTouny/KNeighborsClassifier

KNN Classifier for Car Evaluation Dataset: Explored impact of training sample sizes & optimal K value selection. Python implementation in a Machine Learning course project (uOttawa 2023).

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

muharis3/Credit-Score-Prediction-Model---Multi-Class-Classification

The objective of this study is to classify customers based on their information about their demographics and financial information into these 3 categories and predict if the customer is going to have good or bad credit score.

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

JustinaMichael/CNN_Sorghum_Weed_Classifier

'CNN_Sorghum_Weed_Classifier' is an artificial intelligence (AI) based software that can differentiate a sorghum sampling image from its associated weeds images.

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

gkontogiannhs/Multilabel-Multiclass-NLP-classification

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

AjNavneet/RealTime_CNN_MultiClass_Image_Classification_TensorFlow_Flask

Tensorflow based CNN model for multi-class image classification and deployment of the model using Flask for realtime predictions.

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

AjNavneet/ALBERT_DistilBERT_DBpedia_Classification

ALBERT and DistilBERT classification models for the DBpedia ontology dataset.

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

deepakpandita57/Intent_Detection

Predict intent from user queries

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

nina-prog/richters-predictor-modeling-earthquake-damage

Multi-class classification pipeline to predict earthquake damage as part of the Data Science Lab 2023 at KIT (Karlsruher Institute of Technology, Phase I. We won the internal course competition with an MCC test score of 0.535.

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

DhanaShravya/Wine-clustering-and-classification-using-ML

Wine Classification using Machine learning algorithms

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

L98S/weather_image_classification

this project aims work on exploratory data analysis to understand the dataset, developing a multi-class classification model to identify weather conditions, and creating an API to make the model usable in real-world applications.

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

nataliakoliou/ML-Ciphertext-Decryption-Algorithm

SVM-based decryption tool for ciphertexts, encrypted using randomly generated mixed-ciphertext alphabets

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

muhammadravi251001/medical-text-classification

Code for a multi-label text classification model for medical inquiry documents using an ensemble learning approach: specifically Boosting.

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

KianaLia/ml-algorithms

A set of ML algorithms implemented in MATLAB

Language: MATLAB - Size: 20.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

samyukthababu/dog-breed-classification

Multi-class classification of dog images using pre-trained VGG16 model

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

samyukthababu/music-genre-classification

Multi-class classification of images and audio files using Deep Learning

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

NamrataThakur/Personalised-Cancer-Classification

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

Sambonic/vogue_insight

Experimental project that utilises a multi-class classification model to predict and categorise MNIST's fashion dataset

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

jamnicki/yoga-pose-ensemble-clf

University course project: Machine learning -- Ensemble learning strategies comparison on classification quality for imbalanced data

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

Amirnaderiy/CNN_ViT

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

srv-sh/resume-categorization

In this Machine Learning project, we harness the power of advanced algorithms to effectively categorize resumes found within a specified directory. Through an intricate analysis of their content, the script automates the process of sorting these resumes, thereby enhancing and streamlining the hiring process. 🚀

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

LetsonXD/CS5014-Machine-Learning

This folder contains two Machine Learning projects.

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

szrlee/Distributed-Multi-Label-Continual-Learning

This is a distributed training framework for continual and incremental learning for multi-label multi-class image tasks

Language: Python - Size: 120 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 1

Popseli/Image-Multiclass-Classification-with-Transfer-Learning

This project evaluates and compares the prediction performances of various state of art pre-trained image classification models in classifying 5 types of flowers.

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

martinsenz/MultiClassAcsCertificates

Supplementary material for a paper at IAL 2022

Language: Julia - Size: 86.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

kelvinjuliusarmandoh/dog_vision

Transfer learning for predicting dog breed images classification

Size: 12.6 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Peter-Olson/image-classification-ML-SSVM-multiclass

A machine learning program in Java that makes multi-class image classifications

Language: HTML - Size: 21.2 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

barzansaeedpour/transfer-learning-for-multi-class-classification-CIFAR-10

Performing multi-class classification on the CIFAR-10 dataset using transfer learning

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

AshiniAnantharaman/Classification_of_Refactoring_Types

This is a Natural Language Processing project which is used to classify the 6 method level refactoring types from the commit messges in github

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

Arthod/racetrackCarManeuver

Language: JavaScript - Size: 553 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

sandani98/DataStorm-4.0

This repository was created for the Storming Round of DataStorm 4.0

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

antonio-cirillo/anomaly-detection

🗺️ Problema multi-class relativo alla classificazione di attacchi sulla rete.

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

ceylanmesut/Federated-Learning-for-Respiratory-Disease-Classification-from-Audio-Recordings-in-Pandemic-Scenario

Federated Learning for Respiratory Disease Classification from Audio Recordings in a Pandemic Scenario

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

spacewalk01/deeplearning-notebooks

Small projects I have worked on my free time

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

SaketMunda/mnist-digit-recognition

Determine Handwritten Digits using Neural Network

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

0xArwa/ADHD-severity-prediction

A Multi-class classification problem with imbalanced dataset.

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

Abuzariii/Movie-Reviews-Multi-Class-Text-Classification

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

gauravexp261/Digit-Recognizer-project

Digit Recognizer

Language: Jupyter Notebook - Size: 804 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

madhu915/Fashion-MNIST-Keras

This repo contains the Keras Model building for the most famous Fashion MNIST dataset

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

NeethuMariaTom/Hand_Gesture_Recognition

Develop a cool feature in the smart-TV that can recognise five different gestures performed by the user which will help users control the TV without using a remote.

Language: Jupyter Notebook - Size: 332 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

cristinelpopescu/ml-services-in-healthcare

Development of a companion application to help medical staff in more efficient segmentation of brain tumors and its sub-regions from mri images, including patient survival prediction.

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

krishna-aditi/mobile-price-range-classification

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

jodhernandezbe/PRTR_transfers

Language: Python - Size: 181 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

e-vdb/comment-emotion-analysis

A simple Machine learning application to predict the emotion from a user's comment

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

jungsoh/dnn-sign-language-recognition

TensorFlow implementation of a deep neural network to recognize sign language digits

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

AndreasScharnetzki/EmotionClassifier

A Convolutional Neural Network that distinguishes between the speakers emotions. Comes with multiple preprocessors to improve the models performance.

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

Menna13/anime-genre-classification

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

eskinderit/OrthogonalProjectionSVD

Binary/Multi classification exercise using Orthogonal Projections of the MNIST dataset obtained through SVD. The choice of the training set is made in an unbalanced way.

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

MahindaMK/Specificity-Sensitivity-and-Precision-for-multi-class-classification-problems

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

wghanayma/multi-class-classification

Solve binary and multi-class classification problem

Language: JavaScript - Size: 209 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

TimKong21/Facebook-page-classifier

Apply Multi-class node classification algorithm to classify Facebook page content type

Language: Jupyter Notebook - Size: 2.19 MB - Last synced at: about 21 hours ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

kbmclaren/assn3-CMSC478-ML

The ML task is classifying patients as belonging to one out of three categories. Build and optimize a Random-forest multi-class classification model and a PCA multi-class classification model.

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

DarshanMaradiya/ImageClassification

Mini Project-III: Different type of Cat-Dog Binary Image Classification & also Multi-class classification on dogs breeds

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

rkshiyaniya/Amazon-Product-Review-Sentiment-Classification

Build end-to-end Data Science (NLP) project for Amazon's Product Review Sentiment Classification using AWS tools.

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

somjit101/NLP-StackerOverflow-Tag-Prediction

A multi-class classification problem where the objective is to read a question posted on the popular reference website, StackOverflow and predict the primary topics it deals with, i.e. tags which the question will be associated with.

Language: Jupyter Notebook - Size: 958 KB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

bnafack/Machine-learning-classification-for-classification-task

In this project, I wrote a machine learning model for binary and multi-class classification from scratch. I start by creating an artificial dataset, train the model on it even on real dataset

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

Simrankumaran/covid_mindsdb_analysis

Covid data analysis using Logistic regression

Language: Jupyter Notebook - Size: 263 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

danielwiegand/deforestation

Classification of aerial rainforest images to detect deforestation

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

debalabbas/MultiClassClassification

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

Related Topics
machine-learning 79 deep-learning 51 python 45 tensorflow 29 classification 26 keras 21 logistic-regression 18 computer-vision 18 image-classification 18 data-science 18 binary-classification 17 text-classification 17 cnn 16 neural-network 16 convolutional-neural-networks 15 neural-networks 15 transfer-learning 14 jupyter-notebook 13 multi-label-classification 13 support-vector-machines 11 random-forest 11 nlp 11 pytorch 11 deep-neural-networks 10 bert 10 keras-tensorflow 10 natural-language-processing 10 svm 9 linear-regression 9 sklearn 8 machine-learning-algorithms 7 python3 7 anomaly-detection 7 cnn-classification 7 k-means-clustering 6 kaggle-competition 6 lstm 6 supervised-learning 6 artificial-intelligence 5 tensorflow2 5 medical-imaging 5 scikit-learn 5 transformers 5 data-visualization 5 lstm-neural-networks 5 kaggle-dataset 5 nlp-machine-learning 5 bert-model 4 unsupervised-learning 4 kmeans-clustering 4 embeddings 4 image-processing 4 svm-classifier 4 large-language-models 4 flask 4 vgg16 4 rnn 4 exploratory-data-analysis 4 confusion-matrix 4 ensemble-learning 4 artificial-neural-networks 4 image-segmentation 4 pca 4 distilbert 4 imbalanced-data 4 fashion-mnist 4 roberta 4 online-learning 3 decision-trees 3 cnn-model 3 matplotlib 3 xgboost 3 random-forest-classifier 3 xgboost-classifier 3 gradient-boosting 3 data-augmentation 3 mnist 3 resnet-50 3 tf-idf 3 naive-bayes-classifier 3 colab-notebook 3 fine-tuning 3 regression-models 3 sentiment-analysis 3 satellite-imagery 3 regularized-linear-regression 3 decision-tree-classifier 3 knn-classifier 3 recommender-system 3 ai 3 one-vs-rest 3 binary 3 multiclass-classification 3 matlab 3 data-preprocessing 3 principal-component-analysis 3 kaggle 3 data-analysis 3 java 2 plants 2