All Projects → vbalnt → Tfeat

vbalnt / Tfeat

Licence: mit
TFeat descriptor models for BMVC 2016 paper "Learning local feature descriptors with triplets and shallow convolutional neural networks"

Projects that are alternatives of or similar to Tfeat

Network Intrusion Detection
Machine Learning with the NSL-KDD dataset for Network Intrusion Detection
Stars: ✭ 119 (+0%)
Mutual labels:  jupyter-notebook
Cursopyladiessp
Curso Introdutório de Análise de Dados Públicos
Stars: ✭ 119 (+0%)
Mutual labels:  jupyter-notebook
Ipynb playground
Various ipython notebooks
Stars: ✭ 1,531 (+1186.55%)
Mutual labels:  jupyter-notebook
Emobank
This repository contains EmoBank, a large-scale text corpus manually annotated with emotion according to the psychological Valence-Arousal-Dominance scheme.
Stars: ✭ 118 (-0.84%)
Mutual labels:  jupyter-notebook
Basketballcrawler
This is a python module to scrape basketball-reference.com and convert various stats into usable data structures for analysis
Stars: ✭ 118 (-0.84%)
Mutual labels:  jupyter-notebook
Mixmatch Pytorch
Pytorch Implementation of the paper MixMatch: A Holistic Approach to Semi-Supervised Learning (https://arxiv.org/pdf/1905.02249.pdf)
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook
Label smoothing
Corrupted labels and label smoothing
Stars: ✭ 119 (+0%)
Mutual labels:  jupyter-notebook
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook
Robbert
A Dutch RoBERTa-based language model
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook
Code Vault
Collection of useful notebooks and snippets
Stars: ✭ 1,555 (+1206.72%)
Mutual labels:  jupyter-notebook
Ml Dl Scripts
The repository provides usefull python scripts for ML and data analysis
Stars: ✭ 119 (+0%)
Mutual labels:  jupyter-notebook
Essential Sqlalchemy 2e
Stars: ✭ 119 (+0%)
Mutual labels:  jupyter-notebook
Tda Tutorial
A set of jupyter notebooks for the practice of TDA with the python Gudhi library together with popular machine learning and data sciences libraries.
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook
How To Use Tensorflow For Time Series Live
Stars: ✭ 119 (+0%)
Mutual labels:  jupyter-notebook
Hierarchical Attention Network
Implementation of Hierarchical Attention Networks in PyTorch
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook
Code Challenges
Built for //BUILD 2017; this repo contains 15 minutes code challenges across data platform and analytics. Inclusive of; SQL Server on Linux, Azure SQL Database, Azure DocumentDB, Azure Search, HDInsight, MySQL as a Service, PostgreSQL as a Service, Bot Framework, Python Tools for Visual Studio, R Tools for Visual Studio. Get challenged, learn new stuff, fork the repo, contribute to the repo, and get a sneak peak the exciting world of Microsoft products and services.
Stars: ✭ 119 (+0%)
Mutual labels:  jupyter-notebook
Multi Label Text Classification Using Bert
Multi Label text classification using bert
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook
Qml Rg
Quantum Machine Learning Reading Group @ ICFO
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook
Capsule Gan
Code for my Master thesis on "Capsule Architecture as a Discriminator in Generative Adversarial Networks".
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook
Yolo Object Detection
YOLO is a state-of-the-art, real-time object detection algorithm. In this notebook, we will apply the YOLO algorithm to detect objects in images.
Stars: ✭ 120 (+0.84%)
Mutual labels:  jupyter-notebook

TFeat shallow convolutional patch descriptor

Code for the BMVC 2016 paper Learning local feature descriptors with triplets and shallow convolutional neural networks

Pre-trained models

We provide the following pre-trained models:

network name model link training dataset
tfeat-liberty tfeat-liberty.params liberty (UBC)
tfeat-yosemite tfeat-yosemite.params yosemite (UBC)
tfeat-notredame tfeat-notredame.params notredame (UBC)
tfeat-ubc coming soon... all UBC
tfeat-hpatches coming soon... HPatches (split A)
tfeat-all coming soon... All the above

Pre-trained models usage with Kornia

TFeat has been integrated into Kornia

First install Kornia: pip install kornia

import torch
import kornia as K

input = torch.rand(16, 1, 32, 32)
tfeat = K.feature.TFeat(pretrained=True)
descs = tfeat(input) # 16x128

Quick start guide

To run TFeat on a tensor of patches:

tfeat = tfeat_model.TNet()
net_name = 'tfeat-liberty'
models_path = 'pretrained-models'
net_name = 'tfeat-liberty'
tfeat.load_state_dict(torch.load(os.path.join(models_path,net_name+".params")))
tfeat.cuda()
tfeat.eval()

x = torch.rand(10,1,32,32).cuda()
descrs = tfeat(x)
print(descrs.size())

#torch.Size([10, 128])

Note that no normalisation is needed for the input patches, it is done internally inside the network.

Testing TFeat: Examples (WIP)

We provide an ipython notebook that shows how to load and use the pre-trained networks. We also provide the following examples:

  • extracting descriptors from image patches
  • matching two images using openCV
  • matching two images using vlfeat

For the testing example code, check tfeat-test notebook

Re-training TFeat

We provide an ipython notebook with examples on how to train TFeat. Training can either use the UBC datasets Liberty, Notredame, Yosemite, the HPatches dataset, and combinations of all the datasets.

For the training code, check tfeat-train notebook

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