All Projects → filipradenovic → Cnnimageretrieval

filipradenovic / Cnnimageretrieval

Licence: mit
CNN Image Retrieval in MatConvNet: Training and evaluating CNNs for Image Retrieval in MatConvNet

Programming Languages

matlab
3953 projects

Projects that are alternatives of or similar to Cnnimageretrieval

Cnnimageretrieval Pytorch
CNN Image Retrieval in PyTorch: Training and evaluating CNNs for Image Retrieval in PyTorch
Stars: ✭ 931 (+454.17%)
Mutual labels:  convolutional-neural-networks, cnn, image-retrieval
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-28.57%)
Mutual labels:  convolutional-neural-networks, cnn
Deepway
This project is an aid to the blind. Till date there has been no technological advancement in the way the blind navigate. So I have used deep learning particularly convolutional neural networks so that they can navigate through the streets.
Stars: ✭ 118 (-29.76%)
Mutual labels:  convolutional-neural-networks, cnn
Motionblur Detection By Cnn
Stars: ✭ 126 (-25%)
Mutual labels:  convolutional-neural-networks, cnn
Fast Autoaugment
Official Implementation of 'Fast AutoAugment' in PyTorch.
Stars: ✭ 1,297 (+672.02%)
Mutual labels:  convolutional-neural-networks, cnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-42.26%)
Mutual labels:  convolutional-neural-networks, cnn
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-26.19%)
Mutual labels:  convolutional-neural-networks, cnn
Recursive Cnns
Implementation of my paper "Real-time Document Localization in Natural Images by Recursive Application of a CNN."
Stars: ✭ 80 (-52.38%)
Mutual labels:  convolutional-neural-networks, cnn
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-17.26%)
Mutual labels:  convolutional-neural-networks, cnn
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-14.88%)
Mutual labels:  convolutional-neural-networks, cnn
Simple cnn
Simple Convolutional Neural Network Library
Stars: ✭ 158 (-5.95%)
Mutual labels:  convolutional-neural-networks, cnn
Tensorflow Cifar 10
Cifar-10 CNN implementation using TensorFlow library with 20% error.
Stars: ✭ 85 (-49.4%)
Mutual labels:  convolutional-neural-networks, cnn
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-49.4%)
Mutual labels:  convolutional-neural-networks, cnn
Deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.
Stars: ✭ 1,552 (+823.81%)
Mutual labels:  convolutional-neural-networks, cnn
Vehicle Retrieval Kcnns
vehicle image retrieval using k CNNs ensemble method
Stars: ✭ 81 (-51.79%)
Mutual labels:  convolutional-neural-networks, image-retrieval
Lenet 5
PyTorch implementation of LeNet-5 with live visualization
Stars: ✭ 122 (-27.38%)
Mutual labels:  convolutional-neural-networks, cnn
Tf Adnet Tracking
Deep Object Tracking Implementation in Tensorflow for 'Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning(CVPR 2017)'
Stars: ✭ 162 (-3.57%)
Mutual labels:  convolutional-neural-networks, cnn
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-61.31%)
Mutual labels:  convolutional-neural-networks, cnn
Cnn Interpretability
🏥 Visualizing Convolutional Networks for MRI-based Diagnosis of Alzheimer’s Disease
Stars: ✭ 68 (-59.52%)
Mutual labels:  convolutional-neural-networks, cnn
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-25%)
Mutual labels:  convolutional-neural-networks, cnn

CNN Image Retrieval in MatConvNet: Training and evaluating CNNs for Image Retrieval in MatConvNet

This is a MATLAB toolbox that implements the training and testing of the approach described in our papers:

Deep Shape Matching,
Radenović F., Tolias G., Chum O., ECCV 2018 [arXiv]

Fine-tuning CNN Image Retrieval with No Human Annotation,
Radenović F., Tolias G., Chum O., TPAMI 2018 [arXiv]

CNN Image Retrieval Learns from BoW: Unsupervised Fine-Tuning with Hard Examples,
Radenović F., Tolias G., Chum O., ECCV 2016 [arXiv]

Prerequisites

In order to run this toolbox you will need:

  1. MATLAB (tested with MATLAB R2017a on Debian 8.1)
  2. MatConvNet MATLAB toolbox version 1.0-beta25
  3. All the rest (data + networks) is automatically downloaded with our scripts

Image retrieval

This code implements:

  1. Training (fine-tuning) CNN for image retrieval
  2. Learning supervised whitening for CNN image representations
  3. Testing CNN image retrieval on Oxford5k and Paris6k datasets

Run the following script in MATLAB:

>> run [MATCONVNET_ROOT]/matlab/vl_setupnn;
>> run [CNNIMAGERETRIEVAL_ROOT]/setup_cnnimageretrieval;
>> train_cnnimageretrieval;
>> test_cnnimageretrieval;

See [CNNIMAGERETRIEVAL_ROOT]/examples/train_cnnimageretrieval and [CNNIMAGERETRIEVAL_ROOT]/examples/test_cnnimageretrieval for additional details.

We provide the pretrained networks trained using the same parameters as in our ECCV 2016 and TPAMI 2018 papers. Performance comparison with the networks trained with our CNN Image Retrieval in PyTorch, on the original and the revisited Oxford and Paris benchmarks:

Model Oxford Paris ROxf (M) RPar (M) ROxf (H) RPar (H)
VGG16-GeM (MatConvNet) 87.9 87.7 61.9 69.3 33.7 44.3
VGG16-GeM (PyTorch) 87.2 87.8 60.5 69.3 32.4 44.3
ResNet101-GeM (MatConvNet) 87.8 92.7 64.7 77.2 38.5 56.3
ResNet101-GeM (PyTorch) 88.2 92.5 65.3 76.6 40.0 55.2

Note: Data and networks used for training and testing are automatically downloaded when using the example scripts.

Sketch-based image retrieval and shape matching

This code implements:

  1. Training (fine-tuning) CNN for sketch-based image retrieval and shape matching
  2. Testing CNN sketch-based image retrieval on Flickr15k dataset

Run the following script in MATLAB:

>> run [MATCONVNET_ROOT]/matlab/vl_setupnn;
>> run [CNNIMAGERETRIEVAL_ROOT]/setup_cnnimageretrieval;
>> train_cnnsketch2imageretrieval;
>> test_cnnsketch2imageretrieval;

See [CNNIMAGERETRIEVAL_ROOT]/examples/train_cnnsketch2imageretrieval and [CNNIMAGERETRIEVAL_ROOT]/examples/test_cnnsketch2imageretrieval for additional details.

We provide the pretrained networks trained using the same parameters as in our ECCV 2018 paper. The Flickr15k dataset used in the paper is slightly outdated compared to the latest one that is automatically downloaded when using this code (0.1 difference in mAP), so we report results here:

EdgeMAC components
Fine-tuned x x x x
Mirror x x
Multi-scale x x
mAP 42.0 43.5 45.7 46.2

Note: Data and networks used for testing are automatically downloaded when using the example scripts.

Related publications

Image retrieval

@article{RTC18a,
 title = {Fine-tuning {CNN} Image Retrieval with No Human Annotation},
 author = {Radenovi{\'c}, F. and Tolias, G. and Chum, O.}
 journal = {TPAMI},
 year = {2018}
}
@inproceedings{RTC16,
 title = {{CNN} Image Retrieval Learns from {BoW}: Unsupervised Fine-Tuning with Hard Examples},
 author = {Radenovi{\'c}, F. and Tolias, G. and Chum, O.},
 booktitle = {ECCV},
 year = {2016}
}

Sketch-based image retrieval and shape matching

@article{RTC18b,
 title = {Deep Shape Matching},
 author = {Radenovi{\'c}, F. and Tolias, G. and Chum, O.}
 journal = {ECCV},
 year = {2018}
}

Revisited benchmarks for Oxford and Paris ('roxford5k' and 'rparis6k')

@inproceedings{RITAC18,
 author = {Radenovi{\'c}, F. and Iscen, A. and Tolias, G. and Avrithis, Y. and Chum, O.},
 title = {Revisiting Oxford and Paris: Large-Scale Image Retrieval Benchmarking},
 booktitle = {CVPR},
 year = {2018}
}
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].