All Projects → fenglf → Kaggle-dog-breed-classification

fenglf / Kaggle-dog-breed-classification

Licence: other
This is the baseline of Kaggle-dog-breed-classification on Python, Keras, and TensorFlow.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Kaggle-dog-breed-classification

Audio cat dog classification
Classification of WAV files from cats and dogs
Stars: ✭ 16 (-40.74%)
Mutual labels:  dog, classification
PSCN
A python implementation of Patchy-San Convolutional Network for Graph
Stars: ✭ 39 (+44.44%)
Mutual labels:  classification
onelearn
Online machine learning methods
Stars: ✭ 14 (-48.15%)
Mutual labels:  classification
mmrazor
OpenMMLab Model Compression Toolbox and Benchmark.
Stars: ✭ 644 (+2285.19%)
Mutual labels:  classification
ml-workflow-automation
Python Machine Learning (ML) project that demonstrates the archetypal ML workflow within a Jupyter notebook, with automated model deployment as a RESTful service on Kubernetes.
Stars: ✭ 44 (+62.96%)
Mutual labels:  classification
10 days of deep learning
10 days 10 different practical applications of Deep Learning (primarily NLP) using Tensorflow and Keras
Stars: ✭ 28 (+3.7%)
Mutual labels:  classification
ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
Stars: ✭ 18 (-33.33%)
Mutual labels:  classification
Machine Learning From Scratch
Machine Learning models from scratch with a better visualisation
Stars: ✭ 15 (-44.44%)
Mutual labels:  classification
egfr-att
Drug effect prediction using neural network
Stars: ✭ 17 (-37.04%)
Mutual labels:  classification
immuneML
immuneML is a platform for machine learning analysis of adaptive immune receptor repertoire data.
Stars: ✭ 41 (+51.85%)
Mutual labels:  classification
YOLOv1 tensorflow
YOLOv1 tensorflow
Stars: ✭ 14 (-48.15%)
Mutual labels:  classification
Point2Sequence
Point2Sequence: Learning the Shape Representation of 3D Point Clouds with an Attention-based Sequence to Sequence Network
Stars: ✭ 34 (+25.93%)
Mutual labels:  classification
NIPS-Global-Paper-Implementation-Challenge
Selective Classification For Deep Neural Networks.
Stars: ✭ 11 (-59.26%)
Mutual labels:  classification
simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (+922.22%)
Mutual labels:  classification
pagai
Tools to suggest SQL columns for Pyrog
Stars: ✭ 21 (-22.22%)
Mutual labels:  classification
ros tensorflow
This repo introduces how to integrate Tensorflow framework into ROS with object detection API.
Stars: ✭ 39 (+44.44%)
Mutual labels:  classification
Fraud-Detection-in-Online-Transactions
Detecting Frauds in Online Transactions using Anamoly Detection Techniques Such as Over Sampling and Under-Sampling as the ratio of Frauds is less than 0.00005 thus, simply applying Classification Algorithm may result in Overfitting
Stars: ✭ 41 (+51.85%)
Mutual labels:  classification
supervised-machine-learning
This repo contains regression and classification projects. Examples: development of predictive models for comments on social media websites; building classifiers to predict outcomes in sports competitions; churn analysis; prediction of clicks on online ads; analysis of the opioids crisis and an analysis of retail store expansion strategies using…
Stars: ✭ 34 (+25.93%)
Mutual labels:  classification
Traffic-Signs
Second Project of the Udacity Self-Driving Car Nanodegree Program
Stars: ✭ 35 (+29.63%)
Mutual labels:  classification
omikuji
An efficient implementation of Partitioned Label Trees & its variations for extreme multi-label classification
Stars: ✭ 69 (+155.56%)
Mutual labels:  classification

Kaggle-dog-breed-classification

author: fenglf

Star this repository if you find it helpful, thank you!

About

This is the baseline of Kaggle-dog-breed-classification on Python, Keras, and TensorFlow.

Framework

Hardware

  • Geforce GTX 1050ti 4G
  • Intel® Core™ i5-7400 CPU
  • Memory 16G

Implemented in Keras

The repository includes 3 ways to build classifier:

  • single_model_finetune: Classify with single model finetuning.
  • gap_train: Classify with concatenating multiple models.
  • pair_train: Classify with pair of images and pair losses (Category loss plus Binary loss).

Data prepare

You can strongly improved the performance of classifier with external data Stanford dog datasets.

Train

Single_model_finetune

Fine-tune Convolutional Neural Network in Keras with ImageNet Pretrained Models

  • Choose a base model, remove the top layer and initialize it with ImageNet weights no top.
  • Add fully-connected layer to the last layer.
  • Freeze all the base model CNN layers and train the new-added fc layer.
  • Unfreeze some base model layers and finetune.

gap_train

Train with concatenating multiple ImageNet Pretrained Models' bottle-neck feature in Keras.

  • Choose several models, remove the top layer and initialize them with corresponding ImageNet weights no top.
  • Extract their bottle-neck features by data (including train data and test data) moving forward the models.
  • Concatenate the bottle-neck features of train data.
  • Add fully-connected layer to train a classifier.

pair_train

Train with pair of images and pair losses (Category loss plus Binary loss) inspired by the idea in Person Re-id.

  • Choose 2 different models or just one model, remove the top layer and initialize them with corresponding ImageNet weights no top.
  • Input two images, containing same or different (positive or negtive samples) labels, Which means whether two images belong to same class or not. In each batch, we can find some samples with the same class. So we simply swap those samples to construct positive samples.
  • Freeze all the base model(s) CNN layers, train the full connected layers for category and binary classification.
  • Unfreeze some base model(s) layers and finetune.

or

Code

Todos

  • Center loss

Reference

If you find some bug in this code, create an issue or a pull request to fix it, thanks!

Star this repository if you find it helpful, thank you!

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