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

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

Licence: other
Binary Image Classification in TensorFlow

Programming Languages

python
139335 projects - #7 most used programming language

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

TensorFlow-Multiclass-Image-Classification-using-CNN-s
Balanced Multiclass Image Classification with TensorFlow on Python.
Stars: ✭ 57 (+119.23%)
Mutual labels:  image-classification, image-recognition, tensorflow-models, tensorflow-gpu, tensorflow-api, gpu-options
Open nsfw android
🔥🔥🔥色情图片离线识别,基于TensorFlow实现。识别只需20ms,可断网测试,成功率99%,调用只要一行代码,从雅虎的开源项目open_nsfw移植,该模型文件可用于iOS、java、C++等平台
Stars: ✭ 1,586 (+6000%)
Mutual labels:  tensorflow-models, tensorflow-examples, tensorflow-gpu
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+715.38%)
Mutual labels:  image-classification, image-recognition
Channel Pruning
Channel Pruning for Accelerating Very Deep Neural Networks (ICCV'17)
Stars: ✭ 979 (+3665.38%)
Mutual labels:  image-classification, image-recognition
The Third Eye
An AI based application to identify currency and gives audio feedback.
Stars: ✭ 63 (+142.31%)
Mutual labels:  image-classification, tensorflow-models
Basic cnns tensorflow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
Stars: ✭ 374 (+1338.46%)
Mutual labels:  image-classification, image-recognition
Dmsmsgrcg
A photo OCR project aims to output DMS messages contained in sign structure images.
Stars: ✭ 18 (-30.77%)
Mutual labels:  image-classification, image-recognition
Rostensorflow
TensorFlow ImageNet demo using ROS sensor_msgs/Image
Stars: ✭ 59 (+126.92%)
Mutual labels:  image-classification, image-recognition
Deep-Learning
It contains the coursework and the practice I have done while learning Deep Learning.🚀 👨‍💻💥 🚩🌈
Stars: ✭ 21 (-19.23%)
Mutual labels:  image-classification, image-recognition
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (+434.62%)
Mutual labels:  image-classification, image-recognition
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+5273.08%)
Mutual labels:  image-classification, tensorflow-examples
Nsfw Resnet
🔥🔥NSFW implement in pytorch(色情图&性感图识别,本程序经过了线上大数据集测试,性能优异效果良好)🔥🔥
Stars: ✭ 142 (+446.15%)
Mutual labels:  image-classification, image-recognition
Ml Classifier Ui
A UI tool for quickly training image classifiers in the browser
Stars: ✭ 224 (+761.54%)
Mutual labels:  image-classification, tensorflow-examples
Artificio
Deep Learning Computer Vision Algorithms for Real-World Use
Stars: ✭ 326 (+1153.85%)
Mutual labels:  image-classification, image-recognition
Deep learning projects
Stars: ✭ 28 (+7.69%)
Mutual labels:  image-classification, image-recognition
Flutter programs
Experiments with Mobile
Stars: ✭ 308 (+1084.62%)
Mutual labels:  image-classification, image-recognition
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 (+111.54%)
Mutual labels:  image-classification, tensorflow-models
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (+526.92%)
Mutual labels:  image-classification, image-recognition
Reproducibilty-Challenge-ECANET
Unofficial Implementation of ECANets (CVPR 2020) for the Reproducibility Challenge 2020.
Stars: ✭ 27 (+3.85%)
Mutual labels:  image-classification, image-recognition
PlayerDetection
Player detection and ball detection in football matches using image processing(opencv).
Stars: ✭ 50 (+92.31%)
Mutual labels:  image-classification, image-recognition

TensorFlow Binary Image Classification using CNN's

This is a binary image classification project using Convolutional Neural Networks and TensorFlow API (no Keras) on Python 3. Read all story in Turkish.

It is a ready-to-run code.

Dependencies

pip3 install -r requirements.txt

Notebook

jupyter lab Binary_classification.ipynb or jupyter notebook Binary_classification.ipynb

Data

No MNIST or CIFAR-10.

This is a repository containing datasets of 5000 training images and 1243 testing images.No problematic image.

train_data_bi.npy is containing 5000 training photos with labels.

test_data_bi.npy is containing 1243 testing photos with labels.

Classes are table & glass. Classes are equal.

Download pure data from here. Warning 1.4 GB.

Training

Training on GPU:

python3 binary_image_classification_GPU.py

Training on CPU:

python3 binary_image_classification_CPU.py

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

Trained 5 epochs. Accuracy, AUC and Loss graphs are below:

alt text

Predictions

alt text

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].