All Projects → MuhammedBuyukkinaci → TensorFlow-Multiclass-Image-Classification-using-CNN-s

MuhammedBuyukkinaci / TensorFlow-Multiclass-Image-Classification-using-CNN-s

Licence: other
Balanced Multiclass Image Classification with TensorFlow on Python.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to TensorFlow-Multiclass-Image-Classification-using-CNN-s

TensorFlow-Binary-Image-Classification-using-CNN-s
Binary Image Classification in TensorFlow
Stars: ✭ 26 (-54.39%)
Mutual labels:  image-classification, image-recognition, tensorflow-models, tensorflow-gpu, tensorflow-api, gpu-options
tensorflow-image-recognition-chrome-extension
Chrome browser extension for using TensorFlow image recognition on web pages
Stars: ✭ 88 (+54.39%)
Mutual labels:  image-classification, image-recognition, tensorflow-experiments
The Third Eye
An AI based application to identify currency and gives audio feedback.
Stars: ✭ 63 (+10.53%)
Mutual labels:  image-classification, tensorflow-experiments, tensorflow-models
Ml Classifier
A tool for quickly training image classifiers in the browser
Stars: ✭ 97 (+70.18%)
Mutual labels:  image-classification, tensorflow-tutorials, tensorflow-experiments
Tensorflow-Wide-Deep-Local-Prediction
This project demonstrates how to run and save predictions locally using exported tensorflow estimator model
Stars: ✭ 28 (-50.88%)
Mutual labels:  tensorflow-tutorials, tensorflow-experiments, tensorflow-models
Tensorlayer Tricks
How to use TensorLayer
Stars: ✭ 357 (+526.32%)
Mutual labels:  tensorflow-tutorials, tensorflow-experiments, tensorflow-models
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-40.35%)
Mutual labels:  tensorflow-tutorials, tensorflow-experiments, low-level
Math object detection
An image recognition/object detection model that detects handwritten digits and simple math operators. The output of the predicted objects (numbers & math operators) is then evaluated and solved.
Stars: ✭ 52 (-8.77%)
Mutual labels:  tensorflow-tutorials, tensorflow-experiments, tensorflow-models
Ml Classifier Ui
A UI tool for quickly training image classifiers in the browser
Stars: ✭ 224 (+292.98%)
Mutual labels:  image-classification, tensorflow-tutorials, tensorflow-experiments
Tensorflow Kubernetes Art Classification
Train a TensorFlow model on Kubernetes to recognize art culture based on the collection from the Metropolitan Museum of Art
Stars: ✭ 55 (-3.51%)
Mutual labels:  image-classification, tensorflow-models
Deep learning projects
Stars: ✭ 28 (-50.88%)
Mutual labels:  image-classification, image-recognition
Rostensorflow
TensorFlow ImageNet demo using ROS sensor_msgs/Image
Stars: ✭ 59 (+3.51%)
Mutual labels:  image-classification, image-recognition
EEG-Motor-Imagery-Classification-CNNs-TensorFlow
EEG Motor Imagery Tasks Classification (by Channels) via Convolutional Neural Networks (CNNs) based on TensorFlow
Stars: ✭ 125 (+119.3%)
Mutual labels:  tensorflow-experiments, tensorflow-models
Channel Pruning
Channel Pruning for Accelerating Very Deep Neural Networks (ICCV'17)
Stars: ✭ 979 (+1617.54%)
Mutual labels:  image-classification, image-recognition
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (+143.86%)
Mutual labels:  image-classification, image-recognition
Nsfw Resnet
🔥🔥NSFW implement in pytorch(色情图&性感图识别,本程序经过了线上大数据集测试,性能优异效果良好)🔥🔥
Stars: ✭ 142 (+149.12%)
Mutual labels:  image-classification, image-recognition
Idenprof
IdenProf dataset is a collection of images of identifiable professionals. It is been collected to enable the development of AI systems that can serve by identifying people and the nature of their job by simply looking at an image, just like humans can do.
Stars: ✭ 149 (+161.4%)
Mutual labels:  image-classification, image-recognition
Dmsmsgrcg
A photo OCR project aims to output DMS messages contained in sign structure images.
Stars: ✭ 18 (-68.42%)
Mutual labels:  image-classification, image-recognition
Image-Classification
Pre-trained VGG-Net Model for image classification using tensorflow
Stars: ✭ 29 (-49.12%)
Mutual labels:  image-classification, image-recognition
Vit
An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale
Stars: ✭ 176 (+208.77%)
Mutual labels:  image-classification, image-recognition

TensorFlow-Multiclass-Image-Classification-using-CNN-s

This is a multiclass image classification project using Convolutional Neural Networks and PyTorch. If you want to have Tensorflow 1.0 version, take a look at tensorflow1.0 branch.

It is a ready-to-run code.

Folder Tree

folder_tree

Installing Dependencies & Running

python3 -m venv venv
source venv/bin/activate
pip install -r requirements.txt
python main.py

Data

No MNIST or CIFAR-10.

This is a repository containing datasets of 5200 training images of 4 classes and 1267 testing images.No problematic image.

Just extract files from multiclass_datasets.rar.

train_data_bi.npy is containing 5200 training photos with labels.

test_data_bi.npy is containing 1267 testing photos with labels.

Classes are chair & kitchen & knife & saucepan. Classes are equal(1300 glass - 1300 kitchen - 1300 knife- 1300 saucepan) on training data.

Download pure data from here. Warning 962 MB.

Architecture

AlexNet is used as architecture. 5 convolution layers and 3 Fully Connected Layers with 0.5 Dropout Ratio. 60 million Parameters. alt text

Results

Accuracy score reached 87% on CV after just 5 epochs. alt text

folder_tree

Predictions

Predictions for first 64 testing images are below. Titles are the predictions of our Model.

folder_tree

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].