All Projects → ardamavi → Dog Cat Classifier

ardamavi / Dog Cat Classifier

Licence: apache-2.0
Dog and cat image classifier with deep learning

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Dog Cat Classifier

Gd Uap
Generalized Data-free Universal Adversarial Perturbations
Stars: ✭ 50 (-12.28%)
Mutual labels:  artificial-intelligence, classification
Pycm
Multi-class confusion matrix library in Python
Stars: ✭ 1,076 (+1787.72%)
Mutual labels:  artificial-intelligence, classification
Robovision
AI and machine leaning-based computer vision for a robot
Stars: ✭ 126 (+121.05%)
Mutual labels:  artificial-intelligence, classification
Php Ml
PHP-ML - Machine Learning library for PHP
Stars: ✭ 7,900 (+13759.65%)
Mutual labels:  artificial-intelligence, classification
Deepsort
🧠 AI powered image tagger backed by DeepDetect
Stars: ✭ 209 (+266.67%)
Mutual labels:  artificial-intelligence, classification
Malware Classification
Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification
Stars: ✭ 88 (+54.39%)
Mutual labels:  artificial-intelligence, classification
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+3754.39%)
Mutual labels:  artificial-intelligence, classification
Graph 2d cnn
Code and data for the paper 'Classifying Graphs as Images with Convolutional Neural Networks' (new title: 'Graph Classification with 2D Convolutional Neural Networks')
Stars: ✭ 67 (+17.54%)
Mutual labels:  artificial-intelligence, classification
Classifai
Enhance your WordPress content with Artificial Intelligence and Machine Learning services.
Stars: ✭ 188 (+229.82%)
Mutual labels:  artificial-intelligence, classification
Cnn Svm
An Architecture Combining Convolutional Neural Network (CNN) and Linear Support Vector Machine (SVM) for Image Classification
Stars: ✭ 170 (+198.25%)
Mutual labels:  artificial-intelligence, classification
Ml
A high-level machine learning and deep learning library for the PHP language.
Stars: ✭ 1,270 (+2128.07%)
Mutual labels:  artificial-intelligence, classification
Ml Classify Text Js
Machine learning based text classification in JavaScript using n-grams and cosine similarity
Stars: ✭ 38 (-33.33%)
Mutual labels:  artificial-intelligence, classification
Phormatics
Using A.I. and computer vision to build a virtual personal fitness trainer. (Most Startup-Viable Hack - HackNYU2018)
Stars: ✭ 79 (+38.6%)
Mutual labels:  artificial-intelligence, classification
Happy Transformer
A package built on top of Hugging Face's transformer library that makes it easy to utilize state-of-the-art NLP models
Stars: ✭ 97 (+70.18%)
Mutual labels:  artificial-intelligence, classification
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (+33.33%)
Mutual labels:  artificial-intelligence, classification
100daysofmlcode
My journey to learn and grow in the domain of Machine Learning and Artificial Intelligence by performing the #100DaysofMLCode Challenge.
Stars: ✭ 146 (+156.14%)
Mutual labels:  artificial-intelligence, classification
Java Deep Learning Cookbook
Code for Java Deep Learning Cookbook
Stars: ✭ 156 (+173.68%)
Mutual labels:  artificial-intelligence, classification
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+271.93%)
Mutual labels:  artificial-intelligence, classification
Machine Learning From Scratch
Succinct Machine Learning algorithm implementations from scratch in Python, solving real-world problems (Notebooks and Book). Examples of Logistic Regression, Linear Regression, Decision Trees, K-means clustering, Sentiment Analysis, Recommender Systems, Neural Networks and Reinforcement Learning.
Stars: ✭ 42 (-26.32%)
Mutual labels:  artificial-intelligence, classification
Notebooks
Some notebooks
Stars: ✭ 53 (-7.02%)
Mutual labels:  artificial-intelligence

Dog-Cat Classifier

By Arda Mavi

Dog and cat image classifier with deep learning.

Example:

Dog: 0.92035621
Cat: 0.04618423
Cat: 0.90135497
Dog: 0.09642436
Layer outputs of test photographs:
Layer: 1
Kernel: 4
Layer: 2
Kernel: 16
Layer: 3
Kernel: 10
Look up Data/Layer_Outputs folder for other outputs.

Using Predict Command:

python3 predict.py <ImageFileName>

Model Training:

python3 train.py

Using TensorBoard:

tensorboard --logdir=Data/Checkpoints/./logs

Model Architecture:

  • Input Data Shape: 64x64x3

Layer 1:

  • Convolutional Layer 32 filter Filter shape: 3x3

  • Activation Function: ReLu

  • Max Pooling Pool shape: 2x2

Layer 2:

  • Convolutional Layer 32 filter Filter shape: 3x3

  • Activation Function: ReLu

  • Max Pooling Pool shape: 2x2

Layer 3:

  • Convolutional Layer 64 filter Filter shape: 3x3

  • Activation Function: ReLu

  • Max Pooling Pool shape: 2x2

Classification:

  • Flatten

  • Dense Size: 64

  • Activation Function: ReLu

  • Dropout Rate: 0.5

  • Dense Size: 2

  • Activation Function: Sigmoid

Optimizer: Adadelta
Loss: Binary Crossentropy

Adding new train dataset:

If you want to add new dataset to datasets, you create a directory and rename what you want to add category (like 'cat' or 'phone').

If you want to add a new training image to previously category datasets, you add a image to about category directory and if you have npy files in Data folder delete npy_train_data folder.

Note: We work on 64x64 image also if you use bigger or smaller, program will automatically return to 64x64.

Important Notes:

  • Used Python Version: 3.6.0
  • Install necessary modules with sudo pip3 install -r requirements.txt command.
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].