GitHub topics: multiclass-classification
Manimahsoub/individual_level_project
🎮 Create an interactive game that teaches strategies for managing interruptions and enhancing focus in everyday tasks.
Size: 1.8 MB - Last synced at: about 14 hours ago - Pushed at: about 16 hours ago - Stars: 0 - Forks: 0
nelsonrajesh/Predictive-Modeling-for-Agriculture-DataCamp
🌱 Predict crop choices using soil data with a machine learning model, empowering farmers to optimize yields and make informed planting decisions.
Language: Jupyter Notebook - Size: 1.46 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0
osoadsd/Feature-Engineering-Framework-For-Traffic-Accident-Prediction-using-XAI
🚦 Predict traffic accident severity using advanced machine learning and explainable AI, enhancing road safety with clear insights from comprehensive data analysis.
Language: Jupyter Notebook - Size: 2.92 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0
AdrianAntico/AutoQuant
R package for automation of machine learning, forecasting, model evaluation, and model interpretation
Language: R - Size: 804 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 246 - Forks: 43
apekshyasharma/MRI-BrainTumor-Detection
This repository contains an end-to-end workflow for multi-class brain MRI tumor classification implemented in MRIBrainTumorDetection.ipynb. It uses TensorFlow/Keras to build a baseline CNN and a VGG16-based transfer learning model to classify scans into four classes (glioma, meningioma, pituitary, no tumor).
Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0
koba-jon/pytorch_cpp
Deep Learning sample programs using PyTorch in C++
Language: C++ - Size: 107 MB - Last synced at: about 10 hours ago - Pushed at: about 11 hours ago - Stars: 266 - Forks: 56
sepandhaghighi/pycm
Multi-class confusion matrix library in Python
Language: Python - Size: 12 MB - Last synced at: 9 days ago - Pushed at: 15 days ago - Stars: 1,489 - Forks: 125
Venkat-023/Hand_Cricket_Gestures_CNN
🏏 Hand gesture classification for cricket signals using a custom CNN model. Built from scratch with TensorFlow/Keras and MediaPipe-based hand detection. Achieved 97% accuracy without overfitting.
Language: Jupyter Notebook - Size: 4.27 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0
mishkin101/Multivariate-Time-Series-Classification-Human-Activity-Data-from-Wireless-Sensor-Network
Supervised learning project to process time series data from human activities collected by a Wireless Sensor Network
Language: Jupyter Notebook - Size: 3.18 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0
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.
Language: Jupyter Notebook - Size: 99.1 MB - Last synced at: 5 days ago - Pushed at: about 3 years ago - Stars: 52 - Forks: 23
Not-Buddy/FerricSort
Rust-based CNN for garbage classification into 6 categories with high accuracy on GPU.
Language: Rust - Size: 9.05 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0
sb-ai-lab/LightAutoML
Fast and customizable framework for automatic ML model creation (AutoML)
Language: Python - Size: 98.4 MB - Last synced at: 29 days ago - Pushed at: 3 months ago - Stars: 1,416 - Forks: 63
SayamAlt/Financial-News-Sentiment-Analysis
Successfully developed a fine-tuned DistilBERT transformer model which can accurately predict the overall sentiment of a piece of financial news up to an accuracy of nearly 81.5%.
Language: Jupyter Notebook - Size: 745 KB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1
DPIRD-DMA/MultiClean
Python library for morphological cleaning of multiclass 2D numpy arrays (edge smoothing and island removal
Language: Jupyter Notebook - Size: 7.16 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 52 - Forks: 0
adabyt/cancer-subtypes-with-functions
Multiclass classification of breast cancer subtypes using synthetic gene expression data. Refactored code to use a single function for model evaluation across Logistic Regression, Random Forest, and HistGradientBoosting, including metrics and ROC-AUC with Youden’s J statistic.
Language: Python - Size: 2.22 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0
RektPunk/Imbalance-LightGBM
LightGBM for handling label-imbalanced data with focal and weighted loss functions in binary and multiclass classification
Language: Python - Size: 119 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 13 - Forks: 1
Niteshchawla/NLP-Content-Classification
The goal of this project is to use a bunch of news articles extracted from the companies’ internal database and categorize them into several categories like politics, technology, sports, business and entertainment based on their content.
Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: 29 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0
cloonicux/Feature-Engineering-Framework-For-Traffic-Accident-Prediction-using-XAI
This project predicts traffic accident severity using the 2023 STATS19 dataset. It employs machine learning and LIME to not only forecast outcomes like 'Fatal' or 'Slight' but also to provide clear, understandable explanations for its predictions, creating a powerful tool for enhancing road safety.
Language: Jupyter Notebook - Size: 3.74 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0
AchrafSL/Predictive-Modeling-for-Agriculture-DataCamp
A machine learning project that helps farmers choose the best crop based on soil metrics (N, P, K, pH). This project identifies Potassium (K) as the single most predictive soil feature for crop selection, providing a cost-effective strategy for resource-limited farmers. Built with Python, scikit-lear
Language: Jupyter Notebook - Size: 182 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0
MihaiBudurean/NeuralNetworksComparativeAnalysis
Comparative study of Network-in-Network (NiN) and GoogLeNet-style multi-branch networks on Sign-MNIST and MNIST transfer learning.
Language: Jupyter Notebook - Size: 732 KB - Last synced at: 27 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
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
Language: Python - Size: 181 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 43 - Forks: 5
Sleepparalysis1/NLP-Examples
A collection of Python scripts demonstrating how to run various AI tasks locally using models from the Hugging Face Hub and the transformers library (along with related libraries like datasets, sentence-transformers, etc.). These examples cover a range of modalities including text, vision, and audio, showcasing different models and pipelines.
Language: Python - Size: 8.15 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
alekswael/pretrained_cnn_fashion_classification
This repo contains code for finetuning a pretrained convolutional neural network (VGG16), and conducting a 15-label image classification task.
Language: Python - Size: 312 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
jahanzaibshah234/Advanced-Learning-Algorithms-ML-Specialization
A hands-on journey through advanced machine learning topics including neural networks, backpropagation, softmax, and decision trees — with TensorFlow and scikit-learn.
Language: Python - Size: 14.6 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
ntumlgroup/LibMultiLabel
A library for multi-class and multi-label classification
Language: Python - Size: 1.95 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 8 - Forks: 16
aririawandi/Forest-Cover-Type-Classifier
🌲 Predict forest cover types using a TensorFlow neural network with the UCI Covertype dataset for insightful environmental analysis.
Language: Jupyter Notebook - Size: 89.8 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
shervinnd/Forest-Cover-Type-Classifier
🌳 This Jupyter Notebook trains a neural network on the Covertype dataset to predict forest cover types using TensorFlow. It includes data preprocessing, model building, training, evaluation, random sample testing, and ROC curve visualization. Achieves ~85% accuracy on multi-class classification of 7 cover types! 🚀📊
Language: Jupyter Notebook - Size: 90.8 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0
GjjvdBurg/GenSVM
A Generalized Multiclass Support Vector Machine available in Python, R, and C
Language: C - Size: 31.1 MB - Last synced at: 29 days ago - Pushed at: almost 3 years ago - Stars: 17 - Forks: 6
Amirreza81/Applied-Data-Science-Course
Comprehensive notes, practical exercises, and problem-solving solutions from the Applied Data Science course, covering data preprocessing, machine learning algorithms, statistical analysis, data visualization, and real-world applications.
Language: Jupyter Notebook - Size: 9.54 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 4 - Forks: 0
soheilabadifard/LSH-DynED
This repository contains the implementation of the LSH-DynED model, a novel, robust, and resilient approach for classifying imbalanced and non-stationary data streams with multiple classes.
Language: Python - Size: 85.9 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0
alagoz/higec
HiGeC: Hierarchy Generation and Classification Framework
Language: Python - Size: 2.22 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
M0hammadFarahani/diabetes-classification
Language: Jupyter Notebook - Size: 146 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
ASUS-AICS/LibMultiLabel-Old-Archive
This library has been moved to https://github.com/ntumlgroup/LibMultiLabel
Language: Python - Size: 1.81 MB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 153 - Forks: 28
giacomolat/Classification-of-exotic-fruits
The goal of this project is to develop an automatic classification system for exotic fruits based on numerical features using the K-nearest neighbors (K-NN) algorithm
Language: Jupyter Notebook - Size: 307 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
4-the-spirit/Classification-Algorithms-Implementations
🤖 A collection of core classification algorithms implemented from scratch in Python, including Perceptron, Pocket Algorithm, Softmax Regression, and a digit classifier.
Language: Python - Size: 43 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
hinzy97/animal-shelter-outcome-prediction-ensemble-ml
Predicting Animal Shelter Outcomes Using Ensemble Learning
Language: R - Size: 3.48 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
awslabs/sagemaker-corporate-credit-rating
Corporate Credit Rating Prediction with AWS SageMaker JumpStart
Language: Jupyter Notebook - Size: 317 KB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 24 - Forks: 8
kooozest/logistic_regression_multiclass_iris
Multiclass logistic regression on the Iris dataset. Learn data exploration, preprocessing, model training, and evaluation with clear examples. 🌸📊
Language: Python - Size: 11.7 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
adabyt/logistic_regression_multiclass_iris
A fully commented and educational Python implementation of multiclass logistic regression using the classic Iris flower dataset
Language: Python - Size: 9.77 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
francesco-s/product-categorization-engine
A transformer-based text classification system for product categorization using fine-tuned BERT/DistilBERT/RoBERTa models. Implements multi-class prediction with PyTorch backend, FastAPI endpoints, Docker containerization, ensuring scalable, reliable, and maintainable deployment in real-world e-commerce applications.
Language: Python - Size: 181 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
VS-EYE/Multiclass
Optimized deep learning model for comprehensive medical image analysis across multiple modalities
Size: 2.93 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
Mai3Prabhu/Logistic-Regression
Logistic Regression is supervised machine learning algorithm used for classification problems.
Language: Jupyter Notebook - Size: 521 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
vikram-raju/Customer-Visits
An exploratory study of understanding visit patterns of customers at a shopping mall and predicting their visit in the upcoming week.
Language: HTML - Size: 40.4 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 2
cchenche8/EBM_TFG
This repository includes the scripts developed during the Biomedical Engineering Final Degree Project.
Language: Jupyter Notebook - Size: 19.9 MB - Last synced at: 5 months ago - Pushed at: 5 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.7 MB - Last synced at: 23 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
PRITHIVSAKTHIUR/shoe-type-detection
shoe-type-detection is a vision-language encoder model fine-tuned from google/siglip2-base-patch16-512 for multi-class image classification. It is trained to detect different types of shoes such as Ballet Flats, Boat Shoes, Brogues, Clogs, and Sneakers. The model uses the SiglipForImageClassification architecture.
Size: 2.93 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
jibbs1703/Classic-ML-Models
This repository contains scripts for developing, training and evaluating machine learning models using several python frameworks.
Language: Jupyter Notebook - Size: 3.31 MB - Last synced at: 27 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0
sabin74/iris_flower_classification
This project implements a multi-class classification model on the famous Iris dataset using Python and Scikit-learn.
Language: Jupyter Notebook - Size: 448 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
fayzi-dev/Multi-Class-Classification-of-Mobile-Phones-Using-MLP
Multi-Class-Classification-of-Mobile-Phones-Using-MLP
Language: Python - Size: 576 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0
Muawiya-contact/traffic-sign-vision
Traffic sign recognition AI-Model.
Language: Jupyter Notebook - Size: 391 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0
chromejaw/soil-classification-model_annam
Soil classification using deep learning on image data. Trained a model to classify soil images into Alluvial, Black, Clay, and Red soil categories using PyTorch and GPU acceleration. Achieved high accuracy of 1.000 in a Kaggle competition.
Language: Jupyter Notebook - Size: 644 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
EvaSamoilenko/Twitter-Multiclassification
Проект по обучению нейронной сети для мультиклассификации эмоций, которые выражены в посте социальной сети Твиттер.
Language: Jupyter Notebook - Size: 652 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
ipleiria-ciic/data-augmentation-iiot
Advanced technologies and software for mineral resources.
Language: Jupyter Notebook - Size: 44.4 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
Tasneem-Selim-Researcher/Engagement-Detection-Using-Hybrid-EfficientNetB7-Together-With-TCN-LSTM-and-Bi-LSTM
Students Engagement Detection Using Hybrid EfficientNetB7 Together With TCN, LSTM, and Bi-LSTM (DAiSEE and VRESEE datasets)
Language: Jupyter Notebook - Size: 3.63 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 7 - Forks: 3
Networks-Learning/improve-expert-predictions-conformal-prediction
Code for "Improving Expert Predictions with Conformal Prediction" , ICML 2023
Language: Jupyter Notebook - Size: 6.19 MB - Last synced at: 15 days ago - Pushed at: about 1 year ago - Stars: 12 - Forks: 4
amirezzati/broken-plural
Producing the plural of Arabic singular words using RNN in Keras
Language: Jupyter Notebook - Size: 1.72 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1
Adity-star/Road-Traffic-Accident-Severity-Prediction
An end-to-end accident severity prediction project that predicts the seriousness of injury based on various features, using a multiclass classification model.
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
rounakvjay/Protein_Sequence_Classification
A case study on Pfam dataset to classify protein families.
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: 4 months ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 16
SayamAlt/Liver-Cirrhosis-Stage-Prediction
Successfully established a machine learning model which can determine whether an individual is vulnerable to the Cirrhosis disease or not by predicting its corresponding stage based on a unique set of medical features such as Cholesterol, Prothrombin, etc. pertaining to that person.
Language: Jupyter Notebook - Size: 5.48 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0
SayamAlt/Symptoms-Disease-Text-Classification
Successfully developed a fine-tuned BERT transformer model which can accurately classify symptoms to their corresponding diseases upto an accuracy of 89%.
Language: Jupyter Notebook - Size: 860 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
kanchitank/Text-Emotion-Analysis
Automate detection of different emotions from paragraphs and predict overall emotion.
Language: Jupyter Notebook - Size: 10.5 MB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 60 - Forks: 18
AlSult/wine_classification
This is a wine classification project based on 13 numerical features of wines grown in the same region in Italy but derived from three different cultivars.
Language: Jupyter Notebook - Size: 460 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
AdeelH/pytorch-multi-class-focal-loss
An (unofficial) implementation of Focal Loss, as described in the RetinaNet paper, generalized to the multi-class case.
Language: Python - Size: 27.3 KB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 235 - Forks: 26
msikorski93/Sentiment-Analysis-on-Amazon-Reviews
A basic NLP project on musical instruments reviews on Amazon.
Language: Jupyter Notebook - Size: 560 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 3 - 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: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
AqueeqAzam/Football-Match-Winner-Prediction-using-Artificial-Neural-Networks
A neural network model that predicts whether Team A will win a football match using match statistics like average goals, possession, yellow cards, and game conditions. The project uses a fully connected deep learning model (FCNN) trained on real match data to forecast win probabilities.
Language: Jupyter Notebook - Size: 372 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
jespb/Python-M3GP
An easy-to-use scikit-learn inspired implementation of the Multidimensional Multiclass Genetic Programming with Multidimensional Populations (M3GP) algorithm
Language: Python - Size: 140 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 9 - Forks: 1
MuhammedBuyukkinaci/TensorFlow-Multiclass-Image-Classification-using-CNN-s
Balanced Multiclass Image Classification with TensorFlow on Python.
Language: Python - Size: 144 MB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 71 - Forks: 38
machinelearningprodigy/liver-disease-detect
A simple Liver Disease Prediction App built using Streamlit and Machine Learning. This app predicts the presence of liver disease based on health parameters. 🏥🩺
Language: Python - Size: 95.7 KB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 0
okozelsk/EasyML
An easy-to-use independent machine learning library for .net. It offers MLP models (including deep RVFL aka ELM) for common ML tasks as well as Reservoir Computer for efficiently solving ML tasks on time series data.
Language: C# - Size: 5.47 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 4 - Forks: 0
woov2/Life_research_resources_AI_utilization_contest
[경진대회] 암환자 유전체 데이터의 변이 정보를 활용한 암종 분류 AI 모델 개발
Language: Jupyter Notebook - Size: 1.97 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
Rahul-Samedavar/DoodleMind
Language: Jupyter Notebook - Size: 24.1 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
vijayg15/Keras-MultiClass-Image-Classification
Multiclass image classification using Convolutional Neural Network
Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 74 - Forks: 30
cmasch/cnn-text-classification
Text classification with Convolution Neural Networks on Yelp, IMDB & sentence polarity dataset v1.0
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 118 - Forks: 36
KrishnaGajjar13/ANN-vs-CNN-Image-Classification
A comparison between ANN, custom CNN, CNN + Resnet also include little insight on Hyperprarameter Tuning
Language: Jupyter Notebook - Size: 14.6 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
jdtumlinson/naiveBayes
This repository contains the code for the Naive Bayes and Neural Networks assignment for CS434 Machine Learning and Data Mining at Oregon State University during Fall of 2024.
Language: Python - Size: 3.98 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
aliy98/navigation-sensor-data-classification
Classification of a Navigation Robot Sensor Dataset Using SVM, Random Forest and Neural Network
Language: Jupyter Notebook - Size: 864 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0
SayamAlt/Cyberbullying-Classification-using-fine-tuned-DistilBERT
Successfully fine-tuned a pretrained DistilBERT transformer model that can classify social media text data into one of 4 cyberbullying labels i.e. ethnicity/race, gender/sexual, religion and not cyberbullying with a remarkable accuracy of 99%.
Language: Jupyter Notebook - Size: 7.24 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
ykbintang/Groco_Corn-plant-disease-detection-system
Capstone Project SIB Dicoding Batch 3 2022. Flask x Replit Website with Machine Learning Features (Multiclass Classification & CNN)
Language: Jupyter Notebook - Size: 7.55 MB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 14 - Forks: 3
KoushikReddy9963/News-Article-Classifier
Machine learning model for classifying news articles based on their headlines.
Language: Jupyter Notebook - Size: 825 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0
FardinHash/multilabel-classification-llm
Multi-label classification using LLMs, with additional enhancements using quantization and LoRA (Low-Rank Adaptation). Get better performance on GPU.
Language: Jupyter Notebook - Size: 9.31 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0
Vidhi1290/Multi-Class-Text-Classification-using-BERT-Model
Predict consumer financial product categories using BERT, based on over two million customer complaints. This project involves data processing, model building with pre-trained BERT, and making predictions on new text data.
Language: Jupyter Notebook - Size: 26.4 KB - Last synced at: 7 months ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 0
vauxgomes/lad
Open source implementation of Logical Analysis of Data (LAD) Algorithm.
Language: Python - Size: 68.4 KB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 16 - Forks: 1
ShawnyXiao/2017-CCF-BDCI-AIJudge
2017-CCF-BDCI-让AI当法官(初赛):7th/415 (Top 1.68%)
Language: Jupyter Notebook - Size: 308 KB - Last synced at: 7 months ago - Pushed at: about 7 years ago - Stars: 185 - Forks: 79
VirginioC/affidabilita-creditizia-rilascio-carta-di-credito
Modello di Machine Learning (classificazione multiclasse) sviluppato in Python con scikit-learn per prevedere l'affidabilità creditizia dei clienti di una banca che richiedono la carta di credito.
Language: Jupyter Notebook - Size: 4.89 MB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
Koldim2001/Emotion_classifier
Проведение бинарной и многоклассовой классификаций эмоций людей на фотографиях
Language: Jupyter Notebook - Size: 7.67 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0
milicajevremovic/Neural-Networks
Evaluation on performance of some neural networks. Mostly classification (multiclass, binary) and regression tasks, Maven project for Neuroph Core.
Language: Java - Size: 25.4 KB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0
AliBavarchee/vaganboost
hybrid model combining VAE, GAN, and LightGBM for boosting performance in high-energy physics or data analysis tasks.
Language: Python - Size: 401 KB - Last synced at: 6 days ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
Networks-Learning/counterfactual-prediction-sets
Code for "Designing Decision Support Systems Using Counterfactual Prediction Sets". ICML 2024.
Language: Python - Size: 4.58 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1
mohamedasad10/NeuralNetworks
I implemented a neural network🔗for classification, focusing on forward propagation, backpropagation, and optimization. I tested the model on datasets like noisy moons and blobs to explore concepts such as overfitting, underfitting, and multi-class classification.
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
burcuyesilyurt/Hospital_Readmission_Prediction_ML
Machine Learning
Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
Magnus0969/Multi-Class-Classification
This repository contains a comprehensive implementation of a multi-class classification model, leveraging various machine learning algorithms to classify data into multiple categories. The project includes data preprocessing, model training, evaluation, and performance metrics to assess the effectiveness of different classification techniques.
Size: 8.79 KB - Last synced at: 8 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
MakuSimz/Image-Classification-with-Keras
In this repository, you will find a deep learning python project to classify 3 classes of images
Language: Python - Size: 7.81 KB - Last synced at: 4 months ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 3
k-katarzyna/Food_Images_Classification
Image data analysis using transfer learning and models' fine-tuning.
Language: Jupyter Notebook - Size: 30.4 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
MatteoCalvanico/MultiClass-Classification
Net and config file to create a ML model for classifying
Language: Jupyter Notebook - Size: 20.3 MB - Last synced at: 23 days ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0
AjNavneet/BERT-Text-Classification-MultiClass
Multi-class text classification model using the pre-trained BERT model.
Language: Jupyter Notebook - Size: 490 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0
Parag000/Predictive-Machine-Maintenance
This project performs multiclass classification to identify machine failure types using a synthetic dataset with features like temperature, torque, and tool wear. It includes data analysis, feature engineering, and model training to optimize maintenance strategies and reduce downtime through predictive insights.
Language: Jupyter Notebook - Size: 396 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
SathvikNayak123/detection_of_DGA_botnets
App to Detect of DGA-based botnets using Machine Learning and Deep Learning (CNN+Attention)
Language: Jupyter Notebook - Size: 30.6 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
CyprianFusi/Kaggle-Multi-classs-dog-Breed-classification-using-Transfer-Learning
An end-to-end multi-class classification model for classifying dogs' breed using pre-trained model
Language: Jupyter Notebook - Size: 5.77 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
CyprianFusi/Multi-class-classification-on-Stack-Overflow-questions
A naive approach to multiclass text classifier on stack overflow questions with almost 80% accuracy!
Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 7 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0