There are 3 repositories under multiclass-image-classification topic.
Multiclass image classification using Convolutional Neural Network
Balanced Multiclass Image Classification with TensorFlow on Python.
Multiclass semantic segmentation using U-Net architecture combined with strong image augmentation
body-condition-score_cattle prediction.
This will help you to classify images into Multiple Classes using Keras and CNN
Binary or multi-class image classification using VGG16
This repository contains Python code for handwritten recognition using OpenCV, Keras, TensorFlow, and the ResNet architecture. The project utilizes two datasets: the standard MNIST 0-9 dataset and the Kaggle A-Z dataset. The OCR model is trained using Keras and TensorFlow, while OpenCV is used for image pre-processing.
Building a CNN to identify hand written digits
This repository is containing my Jupyter files.
This repository contains models for Multi-class disease detection using Chest X ray. A detail analysis of our approach is mentioned.
This project uses TinyVGG and Streamlit to classify handwritten digits.
Multiclass Classification of Imbalanced Image Dataset using Transfer Learning.
Multi-class classification by Deep Learning approach on image data.
This repository contains Python code for a project that performs American Sign Language (ASL) detection using multiclass classification. It utilizes YOLO (You Only Look Once) and MobileNetSSD_deploy for object detection, achieving an accuracy of 91%. The code offers options to predict signs from both images and videos.
This repository contains a deep learning model for skin cancer classification using the InceptionV3 architecture. The model was trained on the HAM10000 dataset and is designed with computational efficiency in mind. It was developed to be able to run on a CPU.
Photographs of Birds for Multi-target Images Classification
The project focuses on Identification of various Gemstone. The dataset consists of 87 classes.It shows the whole progress and model used to achieve final accuracy. You will gain knowledge of Computer Vision, The model used are CNN(Convolutional Neural Network), MobileNetV2 and VGGNet,The final model used was transfer learning with model MobileNetV2
A multiclass image classification project, used transfer learning to use pre-trained models such as InceptionNet to classify images of butterflies into one of 50 different species.
PyTorch implementation of CNN model for multi-class classification.
Implementation of V architecture with Vission Transformer for Image Segemntion Task
This repository contains Python code for rice type detection using multiclass classification. The project leverages the MobileNetV2 architecture to classify six different types of rice: Arborio, Basmati, Ipsala, Jasmine, and Karacadag. The dataset used for training and evaluation can be found on Kaggle and consists of categorized rice images.
SSCI23 Explainable AI in Network Traffic Classification
SLIIT 4th Year 2nd Semester Machine Learning Project
Binary or Multi Classifier to classify images by using Deep learning Architecture.
This is a project focused on identifying the presence of pneumonia in chest X-ray images. Each image can be classified into one of three categories: Bacterial Pneumonia, Viral Pneumonia, or Normal.
COVID-19 CT scan image classification using EfficientNetB2 with transfer learning and deployment using Streamlit. This project focuses on accurately classifying CT scan images into three categories: COVID-19, Healthy, and Others. Leveraging transfer learning on pretrained EfficientNetB2 models, the classification model achieves robust performance.
Kaggle competition - "iWildCam 2019"
Fashion training set consist of 70,000 images divided into 60,000 training and 10,000 testing samples. Dataset samples consists of 28x28 grayscale image associated with a label from 10 calsses.
This is the project I did as a part of my final year research regarding Multiclass Image Classification. This system identifies snake species relevant to the user uploading an image. A convolutional Neural Network was used to implement the image classification model and deployed using Flask. The model gained more than 80% of accuracy.
This repository represents a web app with a multi-class classification ML model which creates a segmented image of rocks and plain land.
The Bird Species Classifier is an application built using a Convolutional Neural Network (CNN) to classify images of birds into one of 525 different species. It allows users to upload an image of a bird and receive a prediction of the bird species. Along with analysing the performance of various optimising algorithms.
Skin Lesion Classifier using the ISIC 2018 Task 3 Dataset.
Driver Distraction Detection with CNN and Transfer Learning (VGG19, EfficientNet)
Apple disease detection using CNN is a GitHub repository that contains code for detecting diseases in apples using convolutional neural networks (CNNs). The repository uses a dataset of images of healthy and diseased apples to train the CNN model. The model is then used to classify new images of apples as healthy or diseased
This project focuses on accurately classifying images of cats, dogs, and snakes using Convolutional Neural Networks (CNNs) in PyTorch. A custom CNN model was initially designed and trained, achieving strong classification performance. Additionally, state-of-the-art (SOTA) pre-trained image classification models such as AlexNet, ResNet50, and VGG16.
This project focuses on classifying distinct weather images using Convolutional Neural Networks (CNN) built from scratch and fine-tuning various state-of-the-art (SOTA) pre-trained models like AlexNet, ResNet50, VGG16, and MobileNet v3 Large. The models are trained and evaluated on a custom weather dataset, leveraging PyTorch for deep learning.