All Projects → dgurkaynak → Tensorflow Cnn Finetune

dgurkaynak / Tensorflow Cnn Finetune

Finetuning AlexNet, VGGNet and ResNet with TensorFlow

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tensorflow Cnn Finetune

Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+17.47%)
Mutual labels:  convolutional-neural-networks, resnet
Grad Cam Tensorflow
tensorflow implementation of Grad-CAM (CNN visualization)
Stars: ✭ 261 (+57.23%)
Mutual labels:  convolutional-neural-networks, resnet
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (+4.22%)
Mutual labels:  convolutional-neural-networks, resnet
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-1.81%)
Mutual labels:  convolutional-neural-networks, resnet
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-34.34%)
Mutual labels:  convolutional-neural-networks, resnet
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+63.86%)
Mutual labels:  convolutional-neural-networks, resnet
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+21.69%)
Mutual labels:  convolutional-neural-networks, resnet
Imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
Stars: ✭ 134 (-19.28%)
Mutual labels:  convolutional-neural-networks, resnet
Deep Ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
Stars: ✭ 64 (-61.45%)
Mutual labels:  convolutional-neural-networks, resnet
Cyclegan Qp
Official PyTorch implementation of "Artist Style Transfer Via Quadratic Potential"
Stars: ✭ 59 (-64.46%)
Mutual labels:  convolutional-neural-networks, resnet
Shiftresnet Cifar
ResNet with Shift, Depthwise, or Convolutional Operations for CIFAR-100, CIFAR-10 on PyTorch
Stars: ✭ 112 (-32.53%)
Mutual labels:  convolutional-neural-networks, resnet
Chainer Cifar10
Various CNN models for CIFAR10 with Chainer
Stars: ✭ 134 (-19.28%)
Mutual labels:  convolutional-neural-networks, resnet
Brain.js
brain.js is a GPU accelerated library for Neural Networks written in JavaScript.
Stars: ✭ 12,358 (+7344.58%)
Mutual labels:  convolutional-neural-networks
Cs231n
My assignment solutions for CS231n - Convolutional Neural Networks for Visual Recognition
Stars: ✭ 162 (-2.41%)
Mutual labels:  convolutional-neural-networks
Human Action Recognition With Keras
Keras implementation of Human Action Recognition for the data set State Farm Distracted Driver Detection (Kaggle)
Stars: ✭ 156 (-6.02%)
Mutual labels:  convolutional-neural-networks
Imagenet
TensorFlow implementation of AlexNet and its training and testing on ImageNet ILSVRC 2012 dataset
Stars: ✭ 155 (-6.63%)
Mutual labels:  convolutional-neural-networks
Resnet Cifar10 Caffe
ResNet-20/32/44/56/110 on CIFAR-10 with Caffe
Stars: ✭ 161 (-3.01%)
Mutual labels:  resnet
Sparse Winograd Cnn
Efficient Sparse-Winograd Convolutional Neural Networks (ICLR 2018)
Stars: ✭ 156 (-6.02%)
Mutual labels:  convolutional-neural-networks
Self Driving Car
Udacity Self-Driving Car Engineer Nanodegree projects.
Stars: ✭ 2,103 (+1166.87%)
Mutual labels:  convolutional-neural-networks
Deep Viz Keras
Implementations of some popular Saliency Maps in Keras
Stars: ✭ 154 (-7.23%)
Mutual labels:  convolutional-neural-networks

tensorflow-cnn-finetune

This repo is about finetuning some famous convolutional neural nets for MARVEL dataset (ship image classification) using TensorFlow.

ConvNets:

Requirements:

  • Python 2.7 (Not tested with Python 3)
  • Tensorflow >=1.0
  • NumPy
  • OpenCV2

Marvel

MARVEL is a dataset contains over 2M ship images collected from shipspotting.com. For image classification in the paper they use 237K images labelled in 26 superclasses.

You can download the whole dataset with python repo they provided.

Or you can download just needed images directly from this dropbox link.

After downloading the dataset, you need to update the paths data/train.txt and data/val.txt.

Custom Dataset

You can update data/train.txt and data/val.txt files for your custom dataset. The format must be like following:

/absolute/path/to/image1.jpg class_index
/absolute/path/to/image2.jpg class_index
...

class_index must start from 0.

Do not forget to pass --num_classes flag when running finetune.py script.

Usage

Make sure dataset is downloaded and file paths are updated.

# Go to related folder that you want to finetune
cd vggnet

# Download the weights
./download_weights.sh

# See finetuning options (there is some difference between them, like dropout or resnet depth)
python finetune.py --help

# Start finetuning
python finetune.py [options]

# You can observe finetuning with the tensorboard (default tensorboard_root_dir is ../training)
tensorboard --logdir ../training

Examples

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