「CV」 图片检索资源汇总
1 综述
1.1 图片检索
-
A review of content-based image retrieval systems
2000 paper
$\bullet \bullet$
67 页; -
Relevance feedback in image retrieval: A comprehensive review
2003 paper
$\bullet \bullet$ -
A review of content-based image retrieval systems in medical applications—clinical benefits and future directions
2004 paper
$\bullet \bullet$ -
A review of text and image retrieval approaches for broadcast news video
2007 paper
$\bullet \bullet$
40 页; -
Content-based Image Retrieval: Feature Extraction Techniques and Applications
2008 paper
$\bullet \bullet$ -
A review of content-based image retrieval
2010 paper
$\bullet \bullet$ -
Review of medical image retrieval systems and future directions
2011 paper
$\bullet \bullet$ -
Comparative Study and Optimization of Feature-Extraction Techniques for Content based Image Retrieval
2012-08-30 paper -
large scale search
2013 Microsoft note
$\bullet \bullet$ -
A Survey on CBIR using Low Level Feature Combination
2014 paper
$\bullet \bullet$ -
Hashing for Similarity Search: A Survey
2014-08-13 paper
$\bullet \bullet$ -
[Describing Colors, Textures and Shapes for Content Based Image Retrieval 1. A Survey
2015-02-25 paper
$\bullet \bullet$
传统特征汇总; -
Study of Different Techniques for Image Retrieval
2015 paper
$\bullet \bullet$ -
Content based image retrieval using deep learning process
2015 paper -
A Survey on Learning to Hash
2016-06-01 paper
$\bullet \bullet$ -
A survey on combine approach of low level features extraction in CBIR
-
Recent Advance in Content-based Image Retrieval: A Literature Survey
2017-06-19 paper
$\bullet \bullet$ -
Content based Image Retrieval: A Review
2018-04-24 paper
$\bullet \bullet$ -
A comprehensive survey on content based image retrieval system and its application in medical domain
2018 paper
$\bullet \bullet$ -
Towards Practical Visual Search Engine Within
SIGIR eCom 2018 2018-06-23 paper
$\bullet \bullet$ -
A Benchmark on Tricks for Large-scale Image Retrieval
2019-07-27 paper
$\bullet \bullet$ tricks
图像检索的很多技巧;在谷歌地标检索数据集上做的验证; -
Deep Graph Similarity Learning: A Survey
2019-12-25 paper
$\bullet \bullet$ graph
1.2 度量
-
A Survey on Metric Learning for Feature Vectors and Structured Data
2013 paper
$\bullet \bullet$
60 页; -
Deep Metric Learning: A Survey
2019-08-23 paper
$\bullet \bullet$
2 理论
3 技术
3.1 特征提取
3.1.1 传统 3.1.1.1 局部特征
Harris角点、SIFT、PCA-SIFT和SURF等;
-
Object recognition from local scale-invariant features
ICCV 1999 1999 paper
sift; -
Distinctive image features from scale-invariant keypoints
IJCV 2004 2004 paper
sift; -
PCA-SIFT: A more distinctive representation for local image descriptors
CVPR 2004 2004 paper
PCA-Sift; -
Gradient ordinal signature and fixed-point embedding for efficient near-duplicate video detection
2012
svd sift; -
Learning local feature descriptors with triplets and shallow convolutional neural networks
BMVC 2016 paper
3.1.1.2 全局特征
-
Ordinal measures for visual correspondence
1996 paper
顺序度量 OM; -
Ordinal measures for image correspondence
1998 paper
顺序度量 OM; -
Robust video signature based on ordinal measure
2004 paper
顺序度量 OM; -
Spatio–Temporal Transform Based Video Hashing
2006 paper
DCT + Hash;
3.1.2 DL
-
Learning to compare image patches via convolutional neural networks
CVPR 2015 2015-04-14 paper
SCNN: 挛生网络; -
good practice in cnn feature transfer
2016-04-01 paper
$\bullet \bullet$ CNN Practice -
Deep Image Retrieval: Learning global representations for image search
ECCV 2016 2016-04-05 paper | project | slides -
Image copy detection based on convolutional neural networks
2016
深度全局特征; -
Compact CNN based video representation for efficient video copy detection
2017
VGG 提取帧特征; -
Image similarity using Deep CNN and Curriculum Learning
2017-09-26 paper
多尺度网络提取细粒度特征; -
SimNet: Similarity-based network embeddings with mean commute time
2019-02-23 paper | matlab-official -
Deep Signatures
2019-05-21 paper | pytorch
$\bullet \bullet$
3.1.3 特征编码
将局部特征组合成全局图像特征;
3.1.3.1 词袋模型
-
Hamming embedding and weak geometric consistency for large scale image search
ECCV 2008 2008 paper
使用 Hanmming 嵌入处理视觉词袋的量化误差;针对倒排索引中的弱几何一致性做了改进; -
Improving bag-of-features for large scale image search
2010 paper -
Contextual weighting for vocabulary tree based image retrieval
2011-11-15 paper -
Effective and efficient global context verification for image copy detection
2017 OR-GCD 处理视觉词袋的量化误差;
3.1.3.2 Fisher-Vector
-
Fisher kernels on visual vocabularies for image categorization
CVPR 2007 2007 paper -
Aggregating local descriptors into a compact image representation
CVPR 2010 2010 paper
3.1.4 其他
3.2 检索
3.2.1 树形结构
3.2.2 VA-File
3.2.3 Hash 3.2.3.1 传统
-
Locality-sensitive hashing scheme based on p-stable distributions
2004 paper
LSH; -
Multi-Probe LSH: Efficient Indexing for High-Dimensional Similarity Search
2007 paper
LSH 的改进版,速度一样,存储减小了一个数量级; -
Bayesian Locality Sensitive Hashing for Fast Similarity Search
2011-10-06 paper -
Beyond Locality-Sensitive Hashing
2013-06-06 paper -
Locality-Sensitive Hashing of Curves
2017-03-11 paper
3.2.3.2 DL
用来提升检索速度;
怎么提升的
-
Supervised Hashing for Image Retrieval via Image Representation Learning
AAAI 2014 2014 中山大学·潘炎、颜水成 paper
提出基于 CNN 的深度哈希; -
Simultaneous Feature Learning and Hash Coding with Deep Neural Networks
CVPR 2015 2015-04-14 paper | paper -
Hashing by Deep Learning
2015 IBM paper -
Deep Semantic Ranking Based Hashing for Multi-Label Image Retrieval
CVPR 2015 2015-01-26 paper -
Deep Learning of Binary Hash Codes for Fast Image Retrieval
CVPR Workshop 2015 2015 paper | caffe | pytorch
$\bullet \bullet$ -
Supervised Learning of Semantics-Preserving Hashing via Deep Neural Networks for Large-Scale Image Search
2015-07-01 paper | caffe
$\bullet \bullet$ SSDH -
Bit-Scalable Deep Hashing with Regularized Similarity Learning for Image Retrieval and Person Re-identification
2015-08-19 paper | project | caffe
$\bullet \bullet$ -
Deep Supervised Hashing for Fast Image Retrieval
CVPR 2016 2016 paper | caffe | tensorflow
$\bullet \bullet$ -
Deep Hashing Network for Efficient Similarity Retrieval
AAAI 2016 2016 paper -
Feature Learning based Deep Supervised Hashing with Pairwise Labels
IJCAI 2016 2015-11-12 paper | code-official | pytorch
$\bullet \bullet$ -
SSDH: Semi-supervised Deep Hashing for Large Scale Image Retrieval
2016-07-28 paper -
Deep Semantic-Preserving and Ranking-Based Hashing for Image Retrieval
2016 paper -
Deep Hashing: A Joint Approach for Image Signature Learning
2016-08-12 paper -
Transitive Hashing Network for Heterogeneous Multimedia Retrieval
2016-08-15 paper -
Deep Residual Hashing
2016-12-16 paper -
Large-Scale Image Retrieval with Attentive Deep Local Features
ICCV 2017 2016-12-19 Google paper | tensorflow
$\bullet \bullet$
DELF,同时发布了较大的地标建筑检索数据集(详细说明); -
Places: A 10 Million Image Database for Scene Recognition
2017 paper
公布了千万级别的数据集; -
Deep Binary Representation for Efficient Image Retrieval
2017 上交 paper | tensorflow
$\bullet \bullet$ -
Deep Region Hashing for Efficient Large-scale Instance Search from Images
2017-01-26 paper -
HashNet: Deep Learning to Hash by Continuation
ICCV 2017 2017-02-02 paper | caffe/pytorch
$\bullet \bullet$ -
Unsupervised Triplet Hashing for Fast Image Retrieval
2017-02-28 paper -
Deep Sketch Hashing: Fast Free-hand Sketch-Based Image Retrieval
CVPR spotlight paper 2017 2017-03-16 paper -
Learning Robust Hash Codes for Multiple Instance Image Retrieval
2017-03-16 paper -
Simultaneous Feature Aggregating and Hashing for Large-scale Image Search
CVPR 2017 2017-04-04 paper -
Hashing as Tie-Aware Learning to Rank
2017-05-23 paper -
Deep Hashing Network for Unsupervised Domain Adaptation
CVPR 2017 2017-06-22 paper | MatConvNet
$\bullet \bullet$ -
Deep Binary Reconstruction for Cross-modal Hashing
ACM Multimedia 2017 2017-08-17 paper -
A Revisit on Deep Hashings for Large-scale Content Based Image Retrieval
2017-11-16 paper -
The Devil is in the Middle: Exploiting Mid-level Representations for Cross-Domain Instance Matching
2017-11-22 paper -
ForestHash: Semantic Hashing With Shallow Random Forests and Tiny Convolutional Networks
2017-11-22 paper -
Supervised Hashing with End-to-End Binary Deep Neural Network
2017-11-24 paper -
Transfer Adversarial Hashing for Hamming Space Retrieval
2017-12-13 paper -
Dual Asymmetric Deep Hashing Learning
2018-01-25 paper -
Attribute-Guided Network for Cross-Modal Zero-Shot Hashing
2018-02-06 paper -
Deep Reinforcement Learning for Image Hashing
2018-02-07 paper -
Binary Constrained Deep Hashing Network for Image Retrieval without Manual Annotation
2018-02-21 paper -
Hashing with Mutual Information
2018-03-02 paper -
Zero-Shot Sketch-Image Hashing
CVPR spotlight 2018 2018-03-06 paper -
Instance Similarity Deep Hashing for Multi-Label Image Retrieval
2018-03-08 paper -
Deep Class-Wise Hashing: Semantics-Preserving Hashing via Class-wise Loss
2018-03-12 paper -
SketchMate: Deep Hashing for Million-Scale Human Sketch Retrieval
CVPR 2018 2018-03-13 paper -
Unsupervised Semantic Deep Hashing
2018-03-19 paper -
Improving Deep Binary Embedding Networks by Order-aware Reweighting of Triplets
2018-04-17 paper -
Deep Semantic Hashing with Generative Adversarial Networks
SIGIR Oral 2017 2018-04-23 paper -
Deep Ordinal Hashing with Spatial Attention
2018-05-07 paper -
Efficient end-to-end learning for quantizable representations
ICML 2018 2018-05-15 paper | tensorflow
$\bullet \bullet$ -
Unsupervised Deep Image Hashing through Tag Embeddings
2018-06-15 paper
Weakly Supervised Deep Image Hashing through Tag Embeddings -
Adversarial Learning for Fine-grained Image Search
2018-07-06 paper -
Error Correction Maximization for Deep Image Hashing
2018-08-06 paper -
Deep Priority Hashing
ACM MM 2018 2018-09-04 paper -
Neurons Merging Layer: Towards Progressive Redundancy Reduction for Deep Supervised Hashing
2018-09-07 paper -
PDH : Probabilistic deep hashing based on MAP estimation of Hamming distance
ICIP 2019 2019-05-21 paper -
Deep Spherical Quantization for Image Search
2019-06-07 paper -
Adversarially Trained Deep Neural Semantic Hashing Scheme for Subjective Search in Fashion Inventory
2019-06-30 paper
3.2.4 倒排
-
Hamming embedding and weak geometric consistency for large scale image search
-
Flip-invariant SIFT for copy and object detection
2013
解决弱几何一致性;
3.3 距离度量
3.3.1 Pairwise
-
Dimensionality Reduction by Learning an Invariant Mapping
CVPR 2006 2006 paper | Caffe | tensorflow | Keras | pytorch1 | pytorch2
$\bullet \bullet$ DrLIM -
From Point to Set: Extend the Learning of Distance Metrics
ICCV 2013 2013 paper -
Deep metric learning using Triplet network
2014-12-20 paper | torch
$\bullet \bullet$ Triplet -
Metric Learning with Adaptive Density Discrimination
ICLR 2016 2015-11-18 Facebook AI Research & UC Berkeley paper | tensorflow | pytorch
$\bullet \bullet$ Magnet -
Deep Metric Learning via Lifted Structured Feature Embedding
CVPR 2016 2015-11-19 | paper | project | chainer | caffe | pytorch1 | pytorch2 | tensorflow | dataset | blog
$\bullet \bullet$ LSSS -
Improved Deep Metric Learning with Multi-class N-pair Loss Objective
NIPS 2016 2016 paper | pytorch | chainer
$\bullet \bullet$ N-pair -
Hard-Aware Deeply Cascaded Embedding
ICCV 2017 2016-11-17 paper | caffe | caffe
$\bullet \bullet$ HDC -
Learnable Structured Clustering Framework for Deep Metric Learning
2016-12-05 paper -
Deep Metric Learning via Facility Location
CVPR 2017 2016-12-05 | paper | tensorflow
$\bullet \bullet$ NMI -
Cross-modal Deep Metric Learning with Multi-task Regularization
ICME 2017 2017-03-21 paper -
Smart Mining for Deep Metric Learning
2017-04-05 paper -
Beyond triplet loss: a deep quadruplet network for person re-identification
CVPR 2017 2017-05-13 paper
Quadruplet -
DarkRank: Accelerating Deep Metric Learning via Cross Sample Similarities Transfer
2017-07-05 paper
TuSimple pedestrian re-identification -
No Fuss Distance Metric Learning using Proxies
ICCV 2017 2017-08-03 paper | pytorch1 | pytorch2 | chainer
$\bullet \bullet$ Proxy NCA -
Deep Metric Learning with Angular Loss
ICCV 2017 2017-08-04 paper | tensorflow | chainer
$\bullet \bullet$ Angular -
Learning Non-Metric Visual Similarity for Image Retrieval
2017-09-05 paper | openreview | matlab -
Near-Duplicate Video Retrieval with Deep Metric Learning
ICCV 2017 2017-10-23 paper -
Deep Metric Learning with BIER: Boosting Independent Embeddings Robustly
2018-01-15 paper -
Directional Statistics-based Deep Metric Learning for Image Classification and Retrieval
2018-02-27 paper -
Generalization in Metric Learning: Should the Embedding Layer be the Embedding Layer?
2018-03-08 paper -
Online Deep Metric Learning
2018-05-15 paper -
Deep Randomized Ensembles for Metric Learning
ECCV 2018 2018-08-13 paper | pytorch
$\bullet \bullet$ DREML -
Deep Metric Learning by Online Soft Mining and Class-Aware Attention
AAAI 2019 2018-11-04 paper -
Ranked List Loss for Deep Metric Learning
CVPR 2019 2019-03-08 paper
RLL -
Hardness-Aware Deep Metric Learning
CVPR 2019 2019-03-14 paper | tensorflow
$\bullet \bullet$ HDML -
Signal-to-Noise Ratio: A Robust Distance Metric for Deep Metric Learning
CVPR 2019 2019-04-04 paper -
Deep Metric Learning Beyond Binary Supervision
CVPR 2019 2019-04-23 paper
Log-loss -
Deep Metric Learning to Rank
CVPR 2019 2019-05-14 paper | pytorch
$\bullet \bullet$ FastAP -
Deep Asymmetric Metric Learning via Rich Relationship Mining
CVPR 2019 2019-06-10 paper -
SoftTriple Loss: Deep Metric Learning Without Triplet Sampling
ICCV 2019 2019-09-11 paper | tensorflow | pytorch
$\bullet \bullet$ SoftTriple -
Visual Explanation for Deep Metric Learning
2019-09-27 paper -
Learning Tversky Similarity
2020-05-27 paper
基于 Tversky 做度量;
3.3.2 variant
3.3.3 Probabilistic
3.3.4 Boost-like
3.3.5 其他
-
Similarity Measures
1999 paper -
Comprehensive Survey on Distance/Similarity Measures between Probability Density Functions
2007 paper
比较了各种距离度量方法,并探讨了他们的相似性;
4 技术方向
4.1 检索
-
Using Very Deep Autoencoders for Content-Based Image Retrieval
2011 Alex Krizhevsky, Geoffrey E. Hinton
paper
$\bullet \bullet$
ESANN -
Learning High-level Image Representation for Image Retrieval via Multi-Task DNN using Clickthrough Data
2013-12-17 paper -
CNN Features off-the-shelf: an Astounding Baseline for Recognition
CVPR workshop 2014-03-23 paper
$\bullet \bullet$ CNN4Recognition
融合从图像的不同区域提取到的全链接特征; -
Neural Codes for Image Retrieval
ECCV 2014 2014-04-07 paper | project | yael
$\bullet \bullet$
neuralcodes
研究全连接层在图像检索中的应用; -
Visual Instance Retrieval with Deep Convolutional Networks
2014-12-20 paper -
Efficient On-the-fly Category Retrieval using ConvNets and GPUs
2014-07-17 paper -
A baseline for visual instance retrieval with deep convolutional networks
ICLR 2015 2015 paper
发现卷积层特征比全连接层特征更适合图像检索;(效果很经验)
$\bullet \bullet$ -
Learning visual similarity for product design with convolutional neural networks
SIGGRAPH 2015 paper | home
$\bullet \bullet$ -
A Practical Guide to CNNs and Fisher Vectors for Image Instance Retrieval
2015-08-11 Vijay Chandrasekhar paper -
Aggregating local deep features for image retrieval
ICCV 2015 2015-10-26 paper
$\bullet \bullet$
对卷积层的特征进行求和,以此简化了描述子; -
Exploiting Local Features from Deep Networks for Image Retrieval
2015-04-20 CVPR Workshop paper
$\bullet \bullet$
CNN 助力图片检索; -
Visual Search at Pinterest
SIGKDD 2015 2015-05-28 paper | home
$\bullet \bullet$ -
Aggregating Deep Convolutional Features for Image Retrieval
ICCV 2015 2015-10-26 paper
$\bullet \bullet$
Sum pooing -
Particular object retrieval with integral max-pooling of CNN activations
ICLR 2016 2015-11-18 paper
$\bullet \bullet$
use max-pooling to aggregate the deep descriptors, R-MAC (regional maximum activation of convolutions);聚合不同区域的特征; -
Where to Buy It: Matching Street Clothing Photos in Online Shops
ICCV 2015 2015 paper | project
$\bullet \bullet$ -
Cross-dimensional Weighting for Aggregated Deep Convolutional Features
ECCV 2016 2015-12-13 paper
$\bullet \bullet$
非参数空间,通道维度;效果提升很大; -
Group Invariant Deep Representations for Image Instance Retrieval
2016-01-09 paper -
Large-Scale Image Retrieval with Attentive Deep Local Features
2016-12-19 paper | tensorflow
$\bullet \bullet$
deep local feature DELF 用 Google 数据集测试的; -
End-to-end Learning of Deep Visual Representations for Image Retrieval
IJCV 2017 2016-10-25 paper | project
$\bullet \bullet$
Extended version of our ECCV2016 paper “Deep Image Retrieval: Learning global representations for image search” -
Bags of Local Convolutional Features for Scalable Instance Search
ICMR 2016 Best Poster 2016-04-15 paper | project | slides
$\bullet \bullet$
BoW -
Faster R-CNN Features for Instance Search
CVPR 26 DeepVision 26-04-29 paper | project | tensorflow | 解读
$\bullet \bullet$
instance -
CNN Image Retrieval Learns from BoW: Unsupervised Fine-Tuning with Hard Examples
ECCV 2016 2016-04-08 paper | project Matlab-official | pytorch-official
$\bullet \bullet$
siamac -
Embedding based on function approximation for large scale image search
2016-05-23 paper -
Where to Focus: Query Adaptive Matching for Instance Retrieval Using Convolutional Feature Maps
2016-06-22 paper
query adaptive matching (QAM), Feature Map Pooling, Overlapped Spatial Pyramid Pooling(OSPP) -
Learning Compact Binary Descriptors with Unsupervised Deep Neural Networks
CVPR 2016 2016 paper | caffe
$\bullet \bullet$
DeepBit -
Fast Training of Triplet-based Deep Binary Embedding Networks
CVPR 2016 2016 paper | theano-official
$\bullet \bullet$ -
Deep Relative Distance Learning: Tell the Difference Between Similar Vehicles
CVPR 2016 2016 paper
$\bullet \bullet$
vehicle re-identification, vehicle retrieval. coupled clusters loss -
DeepFashion: Powering Robust Clothes Recognition and Retrieval with Rich Annotations
CVPR 2016 2016 paper | project
$\bullet \bullet$
FashionNet -
The Sketchy Database: Learning to Retrieve Badly Drawn Bunnies
2016-07 paper | project | caffe | pytorch
$\bullet \bullet$
sketchy -
Adversarial Training For Sketch Retrieval
2016-07-10 paper -
PicHunt: Social Media Image Retrieval for Improved Law Enforcement
2016-08-02 paper -
SIFT Meets CNN: A Decade Survey of Instance Retrieval
2016-08-05 paper -
What Is the Best Practice for CNNs Applied to Visual Instance Retrieval?
ICLR 2017 2016-11-05 paper
$\bullet \bullet$ -
Image Retrieval with Deep Local Features and Attention-based Keypoints
2016-12-16 paper -
Internet-Based Image Retrieval Using End-to-End Trained Deep Distributions
2016-12-22 paper -
Compression of Deep Neural Networks for Image Instance Retrieval
DCC 2017 2017-01-18 paper -
Effective Multi-Query Expansions: Collaborative Deep Networks for Robust Landmark Retrieval
2017-01-18 paper -
Siamese Network of Deep Fisher-Vector Descriptors for Image Retrieval
2017-02-01 paper -
Deep Geometric Retrieval
2017-02-21 paper -
Context Aware Query Image Representation for Particular Object Retrieval
SCIA 2017 extention 2017-03-03 paper
$\bullet \bullet$ -
AMC: Attention guided Multi-modal Correlation Learning for Image Search
CVPR 2017 2017-04-03 paper | sklearn
$\bullet \bullet$
AMC -
Deep image representations using caption generators
ICME 2017 2017-05-25 paper
$\bullet \bullet$ -
Visual Search at eBay
SIGKDD 2017 2017-06-10 paper
$\bullet \bullet$ -
Sampling Matters in Deep Embedding Learning
2017-06-23 UT Austin & A9/Amazon paper
$\bullet \bullet$
distance weighted sampling -
One-Shot Fine-Grained Instance Retrieval
MM 2017 2017-07-04 paper -
Selective Deep Convolutional Features for Image Retrieval
MM 2017 2017-07-04 paper -
Class-Weighted Convolutional Features for Visual Instance Search
BMVC 2017 2017-07-09 paper | project | theano
$\bullet \bullet$ CAMs -
Learning a Repression Network for Precise Vehicle Search
2017-08-08 paper -
SUBIC: A supervised, structured binary code for image search
ICCV 2017 2017-08-09 paper
$\bullet \bullet$ SBC -
Pruning Convolutional Neural Networks for Image Instance Retrieval
2017-07-18 paper -
Image2song: Song Retrieval via Bridging Image Content and Lyric Words
ICCV 2017 2017-08-19 paper
$\bullet \bullet$ -
Deep Shape Matching
ECCV 2018 2017-09-11 paper | matlab-official
$\bullet \bullet$ shape -
Region-Based Image Retrieval Revisited
ACM Multimedia 2017 (Oral) 2017-09-26 paper
$\bullet \bullet$ RBIR Revisited -
Fine-tuning CNN Image Retrieval with No Human Annotation
TPAMI 2018 2017-11-03 paper | pytorch-official | matlab-official
$\bullet \bullet$ GeM -
Beyond Part Models: Person Retrieval with Refined Part Pooling
2017-11-26 paper -
Query-Adaptive R-CNN for Open-Vocabulary Object Detection and Retrieval
2017-11-27 paper -
Saliency Weighted Convolutional Features for Instance Search
2017-11-29 paper | project
$\bullet \bullet$
local convolutional features (BLCF), human visual attention models (saliency) -
DeepStyle: Multimodal Search Engine for Fashion and Interior Design
2018-01-08 paper -
From Selective Deep Convolutional Features to Compact Binary Representations for Image Retrieval
2018-02-07 paper -
Web-Scale Responsive Visual Search at Bing
2018-02-14 Microsoft paper -
Approximate Query Matching for Image Retrieval
2018-03-14 paper -
Triplet-Center Loss for Multi-View 3D Object Retrieval
CVPR 2018 2018-03-16 paper
$\bullet \bullet$ -
Deep Feature Aggregation with Heat Diffusion for Image Retrieval
2018-05-22 paper | matlab
$\bullet \bullet$ Heat Diffusion -
Collaborative Multi-modal deep learning for the personalized product retrieval in Facebook Marketplace
2018-05-31 Facebook paper
$\bullet \bullet$ -
DeepFirearm: Learning Discriminative Feature Representation for Fine-grained Firearm Retrieval
ICPR 2018 2018-06-08 paper | pytorch-official
$\bullet \bullet$
DeepFirearm -
Instance Search via Instance Level Segmentation and Feature Representation
2018-06-10 paper -
Single Shot Scene Text Retrieval
ECCV 2018 2018-08-27 paper
$\bullet \bullet$ -
Detect-to-Retrieve: Efficient Regional Aggregation for Image Search
CVPR 2019 2018-12-04 Google paper | tensorflow
$\bullet \bullet$
detect
基于检测的检索; -
ACTNET: end-to-end learning of feature activations and aggregation for effective instance image retrieval
2019-07-12 paper
多层特征融合; -
A Compact Neural Architecture for Visual Place Recognition
2019-10-15 paper
跨越白天黑夜,春夏秋冬;
4.2 跨模态
4.2.1 文本
-
Natural Language Object Retrieval
CVPR 2016 2015 paper | project | caffe | tensorflow & caffe -
An End-to-End Approach to Natural Language Object Retrieval via Context-Aware Deep Reinforcement Learning
2017 paper -
Object Captioning and Retrieval with Natural Language
2018 paper -
DeepSeek: Content Based Image Search & Retrieval
2018-01-09 paper -
Building Contextual Implicit Links for Image Retrieval
2018 paper -
[Scene Graph based Image Retrieval -1. A case study on the CLEVR Dataset
2019-11-03 paper
4.2.2 其他
-
Cross-domain Image Retrieval with a Dual Attribute-aware Ranking Network
DARN [2015] ICCV;cross-entropy loss, triplet loss;
paper -
Deep Cross-Modal Hashing
2016-02-06 paper -
Cycle-Consistent Deep Generative Hashing for Cross-Modal Retrieval
2018-04-30 paper -
Deep Binaries: Encoding Semantic-Rich Cues for Efficient Textual-Visual Cross Retrieval
[2017] ICCV
paper -
MHTN: Modal-adversarial Hybrid Transfer Network for Cross-modal Retrieval
paper -
Look, Imagine and Match: Improving Textual-Visual Cross-Modal Retrieval with Generative Models
paper -
HashGAN:Attention-aware Deep Adversarial Hashing for Cross Modal Retrieval
paper -
Objects that Sound
DeepMind, VGG
paper -
Learnable PINs: Cross-Modal Embeddings for Person Identity
VGG
paper -
Revisiting Cross Modal Retrieval
[2018] ECCVW (MULA 2018)
paper -
Simple to Complex Cross-modal Learning to Rank
Xi’an Jiaotong University & University of Technology Sydney & National University of Singapore & CMU
paper -
One Network for Multi-Domains: Domain Adaptive Hashing with Intersectant Generative Adversarial Network
IJCAI 2019-07-01 paper
还用了 GAN;
4.3 重识别
4.3.1 行人
4.3.2 车辆
4.4 内容检索
- GetNet: Get Target Area for Image Pairing
2019-10-08 paper
先检测再检索;
4.5 零样本检索
-
Semantic-Aware Knowledge Preservation for Zero-Shot Sketch-Based Image Retrieval
ICCV 2019 2019-04-05 paper
什么是零样本检索
-
Semantically Tied Paired Cycle Consistency for Any-Shot Sketch-based Image Retrieval
IJCV 2020 2020-06-20 paper
复杂的 GAN 实现草图检索图片;
4.6 伪造检测
-
Copy-move forgery detection based on deep learning
2017 -
Tampering Detection and Localization through Clustering of Camera-Based CNN Features
CVPR 2017 2017 paper -
Copy-move Forgery Detection based on Convolutional Kernel Network
2017-07-05 paper -
Protecting World Leaders Against Deep Fakes
CVPR 2019 workshop 2019-01 paper
4.7 重复性
-
Bundling features for large scale partial-duplicate web image search
CVPR 2009 2018-01-04 paper -
Efficient Feature Detection and Effective Post-Verification for Large Scale Near-Duplicate Image Search
-
Benchmarking unsupervised near-duplicate image detection
2019-07-03 paper
5 应用
5.1 地标检索
- TraffickCam: Explainable Image Matching For Sex Trafficking Investigations
2019-10-08 paper
地标检索助力人口贩卖;
5.2 草图检索
- Semantically Tied Paired Cycle Consistency for Any-Shot Sketch-based Image Retrieval
ICCV 2019 2019-04-05
5.3 图片推荐
- Salienteye: Maximizing Engagement While Maintaining Artistic Style on Instagram Using Deep Neural Networks
Conference 2020 2020-06-13 paper
基于目标检测的图片检索,用于作品推荐;
附录
A 研究者
- Wu-Jun LI:LAMDA 研究室成员
B 参考资料
a 论文汇总
- 图像检索Image Retrieval知识资料全集 专知
- Image Retrieval paperwithcode
- 图像检索资源/论文列表
- Reading-Paper
- Image Retrieval 韩东
- Survey_of_Deep_Metric_Learning 论文汇总;
- Computer-Vision-Leaderboard
b 技术总结
- zwr1994. Learning to Hash 综述阅读笔记[EB/OL]. https://blog.csdn.net/zwr1994/article/details/78047703. 2018-03-16/2019-07-02.
- -. Learning to Hash[EB/OL]. https://cs.nju.edu.cn/lwj/L2H.html. -/2019-07-02.
- CVPR 2018 地标建筑物识别
- Image Tampering Detection and Localization
- 图像检索中的相似度度量:EMD距离
- 阿里研究员华先胜:图像搜索的前世今生
- Deep Metric Learning 知乎
- 度量学习—综述
- 图像检索:layer选择与fine-tuning性能提升验证
C 开源项目
- SPTAG
-
Milvus
github
为海量特征向量的近似最近邻搜索(ANNS)而设计;提供完整的向量数据更新,索引与查询框架;利用 GPU(Nvidia)进行索引加速与查询加速,能大幅提高单机性能; - DeepHash
- Easily Extendable Basic Deep Metric Learning Pipeline
- Deep Metric Learning-PyTorch
Comments