All Projects → ducha-aiki → Affnet

ducha-aiki / Affnet

Licence: mit
Code and weights for local feature affine shape estimation paper "Repeatability Is Not Enough: Learning Discriminative Affine Regions via Discriminability"

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Affnet

Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-72.77%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-65.97%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
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 (-66.49%)
Mutual labels:  convolutional-neural-networks, image-retrieval
Tf cnnvis
CNN visualization tool in TensorFlow
Stars: ✭ 769 (+302.62%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
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 (-25.13%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Cnnimageretrieval Pytorch
CNN Image Retrieval in PyTorch: Training and evaluating CNNs for Image Retrieval in PyTorch
Stars: ✭ 931 (+387.43%)
Mutual labels:  convolutional-neural-networks, image-retrieval
Cnnimageretrieval
CNN Image Retrieval in MatConvNet: Training and evaluating CNNs for Image Retrieval in MatConvNet
Stars: ✭ 168 (-12.04%)
Mutual labels:  convolutional-neural-networks, image-retrieval
Fire Detection Cnn
real-time fire detection in video imagery using a convolutional neural network (deep learning) - from our ICIP 2018 paper (Dunnings / Breckon) + ICMLA 2019 paper (Samarth / Bhowmik / Breckon)
Stars: ✭ 340 (+78.01%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-37.17%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Lsuvinit
Reference caffe implementation of LSUV initialization
Stars: ✭ 99 (-48.17%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+266.49%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Tf Adnet Tracking
Deep Object Tracking Implementation in Tensorflow for 'Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning(CVPR 2017)'
Stars: ✭ 162 (-15.18%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+92.15%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Tensorflowhandwritingrecognition
Using Tensorflow to classify the NIST Dataset 19 (Handwriting)
Stars: ✭ 39 (-79.58%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Hardnet
Hardnet descriptor model - "Working hard to know your neighbor's margins: Local descriptor learning loss"
Stars: ✭ 350 (+83.25%)
Mutual labels:  convolutional-neural-networks, image-retrieval
Antialiased Cnns
Repository has been moved: https://github.com/adobe/antialiased-cnns
Stars: ✭ 169 (-11.52%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Braindecode
Outdated, see new https://github.com/braindecode/braindecode
Stars: ✭ 284 (+48.69%)
Mutual labels:  convolutional-neural-networks, convolutional-networks
Artificio
Deep Learning Computer Vision Algorithms for Real-World Use
Stars: ✭ 326 (+70.68%)
Mutual labels:  convolutional-neural-networks, image-retrieval
Vehicle Retrieval Kcnns
vehicle image retrieval using k CNNs ensemble method
Stars: ✭ 81 (-57.59%)
Mutual labels:  convolutional-neural-networks, image-retrieval
Deblurgan
Image Deblurring using Generative Adversarial Networks
Stars: ✭ 2,033 (+964.4%)
Mutual labels:  convolutional-neural-networks, convolutional-networks

AffNet model implementation

CNN-based affine shape estimator.

AffNet model implementation in PyTorch for ECCV2018 paper "Repeatability Is Not Enough: Learning Discriminative Affine Regions via Discriminability"

Update: pytorch 1.4 version

The master branch is the one, which produced ECCV-paper results, python 2.7 and pytorch 0.4.0

Here is the one, which successfully runs on python 3.7, pytorch 1.4.0

AffNet generates up to twice more correspondeces compared to Baumberg iterations HesAff HesAffNet

Retrieval on Oxford5k, mAP

Detector + Descriptor BoW BoW + SV BoW + SV + QE HQE + MA
HesAff + RootSIFT 55.1 63.0 78.4 88.0
HesAff + HardNet++ 60.8 69.6 84.5 88.3
HesAffNet + HardNet++ 68.3 77.8 89.0 89.5

Datasets and Training

To download datasets and start learning affnet:

git clone https://github.com/ducha-aiki/affnet
./run_me.sh

Paper figures reproduction

To reproduce Figure 1 in paper, run notebook

To reproduce Figure 2-3 in paper, run notebooks here

git clone https://github.com/ducha-aiki/affnet
./run_me.sh

Pre-trained models

Pre-trained models can be found in folder pretrained: AffNet.pth

Usage example

We provide two examples, how to estimate affine shape with AffNet. First, on patch-column file, in HPatches format, i.e. grayscale image with w = patchSize and h = nPatches * patchSize

cd examples/just_shape
python detect_affine_shape.py imgs/face.png out.txt

Out file format is upright affine frame a11 0 a21 a22

Second, AffNet inside pytorch implementation of Hessian-Affine

2000 is number of regions to detect.

cd examples/hesaffnet
python hesaffnet.py img/cat.png ells-affnet.txt 2000
python hesaffBaum.py img/cat.png ells-Baumberg.txt 2000

output ells-affnet.txt is Oxford affine format

1.0
128
x y a b c 

WBS example

Example is in [notebook](examples/hesaffnet/WBS demo.ipynb)

Citation

Please cite us if you use this code:

@inproceedings{AffNet2017,
 author = {Dmytro Mishkin, Filip Radenovic, Jiri Matas},
    title = "{Repeatability Is Not Enough: Learning Discriminative Affine Regions via Discriminability}",
    year = 2018,
    month = sep,
    booktitle = {Proceedings of ECCV}
    }
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].