SlideShare ist ein Scribd-Unternehmen logo
1 von 23
Presented by Sujit Pal
April 10-11, 2018
Evolving a Medical Image
Similarity Search
Haystack 2018, Charlottesville, VA
| 2
• Early user of Solr at CNET before it was open-sourced
• Search at Healthline (consumer health)
 Lucene/Solr
 Taxonomy backed “Concept” Search
• Medical image classification at Elsevier
 Deep Learning / Caffe
 Machine Learning (Logistic Regression)
• Duplicate image Detection
 Computer Vision / OpenCV, LIRE (Lucene Image Retrieval Engine)
 Deep Learning / Keras
• Medical Similarity Search
 Semantic rather than structural similarity
Background
| 3
• Ron Daniel
 Help with expertise in Computer Vision techniques
• Matt Corkum
 Caption based Image Search Platform
 Tooling and Integration for Image Search done against this plaform
• Adrian Rosenbrock
 PyImageSearch and OpenCV
• Doug Turnbull
 Elastic{ON} 2016 talk about Image Search
Acknowledgements
| 4
Image Search Workflow
• Internal application for image review and tagging
| 5
• Feature Extraction
 Converting images to feature vectors
• Indexing Strategies
 Represent vectors using (text based) search index
• Evaluation
 Search Quality metrics
Steps
| 6
• Global Features
 Color
 Texture (Edge)
• Quantize image
• Build Histogram
• Histogram is feature vector
• Descriptors
 RGB
 HSV
 Opponent
 CEDD
 FCTH
 JCD
Feature Extraction – Global Features
Image Credits: Shutterstock, 7-Themes.com, Kids Britannica, Pexels.com, and OpenCV Tutorials
| 7
• Local Features
 Edges and Corners
 Scale Invariant Feature Transform (SIFT)
 Speeded up Robust Features (SURF)
 Difference of Gaussians (DoG)
• Tile image and compute features per tile
• Cluster features
Feature Extraction – Local Features
• Centroids are
vocabulary words
• Image represented
as histogram of
vocab words.
Image Credits: OpenCV Tutorials, ScienceDirect.com
| 8
Feature Extraction – Deep Learning Features
Image Credits: CAIS++, Distill.pub
• Deep Learning models outperform traditional models for CV tasks
• Works like edge and color detectors at lower layers, and object detectors at
higher layers
• Encodes semantics of image rather than just color, texture and shapes
• Learns transformation from image to vector as a series of convolutions
• Many high performing models trained on large image datasets available
| 9
Feature Extraction – Deep Learning Features (cont’d)
Image Credits: i-systems.github.io and ufldl.stanford.edu
• Deep Learning models are a sequence of convolutions and pooling
operations
• Each successive layer has a deeper (more convolution operations) over a
larger part of the image (pooling).
| 10
• Idea of using convolutions for feature extraction not new to CV, e.g.,
used in Haar Cascades
• But traditional CV uses specific convolutions for a task to extract
features for that task
• Deep Learning starts with random convolutions and uses (image,
label) pairs to learn convolutions appropriate to task
Feature Extraction – Deep Learning Features (cont’d)
Image Credit: Greg Borenstein
| 11
Feature Extraction – Deep Learning Features (cont’d)
woman
Image Credits: eepLearning.net
• Image to vector transformation == sequence of learned convolutions and
pooling operations
• Remove classification layer from pre-trained network.
• Run images through truncated network to product image vectors.
| 12
Indexing Strategies
• Naïve approaches
 Linear search – LIRE default
 Pre-compute K (approximate) nearest neighbors
• Text based indexes
 Index-able unit is document (stream of tokens from an alphabet)
 Image needs to be converted into a sequence of tokens from a “visual” alphabet
- Locality Sensitive Hashing (LSH)
- Metric Spaces Indexing
- Bag of Visual Words (BoVW)
• Text+Payload based indexes
 Represent vectors as payloads with custom similarity
• Tensor based indexes
 Supports indexing and querying of image feature vectors natively
 Uses approximate nearest neighbor techniques
 NMSLib – Non-Metric Space Library (ok for <= 1M vectors)
 FAISS – Facebook AI Similarity Search
• Hybrid indexes
 Vespa.ai – supports both text and tensor based queries
| 13
• Image vectors written out as “index0|score0 index1|score1 …”
• Query image vectorized and sparsified, then provided as a string
consisting of non-zero indices after sparsification, for example,
“index50 index54 index67”.
• Payload similarity implementation provided as Groovy script to
Elasticsearch 1.5 (ES) engine, returns cosine similarity
• Find similar images using the ES function_score_query
• Did not scale beyond few hundred images in index
• Recent ES versions require custom Java ScriptEngine
implementation registered as plugin, so probably better scaling now.
Indexing Strategy – Payloads + Custom Similarity
| 14
• LSH - similar objects hashed to same bin.
• Assume image feature vectors V of rank R.
• Generate k values of vector Ai (also of rank R)
and bi from random normal distribution.
• Compute k values of hashes hi using following
formula:
• If at least m of k hashes for a pair of images
match, then the images are near duplicates.
• No ranking of similarities possible.
• Good for finding near duplicates.
Indexing Strategy – Locality Sensitive Hashing
| 15
• Also known as Perspective based Space Transformation
• Based on the idea that objects that are similar to a set of reference
objects are similar to each other.
• Randomly select k (≈ 2√N) images as reference objects RO
• Compute distance of each object from each reference image in RO
using the following distance formula:
• Posting list for each image is the m nearest reference objects
ordered by distance.
• Haven’t tried this, but looks promising.
Indexing Strategy – Metric Spaces Indexing
| 16
• Briefly touched upon this when talking about Local Features
• Tile image, compute local descriptors (such as SIFT, SURF, etc) for
each tile
• Cluster these descriptors across all images
• Generate a vocabulary of Visual words out of the centroids of these
clusters
• Represent each image in index as a sequence of visual words
• During query, tile and compute local descriptors, then find the
closest words for each descriptor in vocabulary, and search using
this sequence of visual words.
• Used LIRE’s built-in support for generating a BoVW based index but
results not very encouraging.
Indexing Strategy – Bag of Visual Words (BoVW)
| 17
• Produces approximate nearest neighbors
• Cluster image vectors into smaller clusters. Size of each cluster
should be chosen such that brute force KNN (with KD-Tree support
if available) is tractable
• For each cluster, compute K nearest neighbors for each image in
cluster
• Save ordered list of neighbor image IDs against each image
• At search time, the neighbors are simply looked up using the source
image ID
• Works well for my Similar Images functionality (closed system)
• For unknown query image, two step process to find the cluster and
then find K nearest neighbors
Indexing Strategy – Precompute K nearest neighbors
| 18
• Data Collection
 4 similarity levels (Essentially Identical, Very Similar, Similar, Different)
• Metrics
 Precision @k
 Mean Average Precision (MAP)
 Recall
 F1-score
 nDCG
 Correlation
Evaluation
| 19
• Similarity Page has
a Reset Similarity
button for each
similar image.
• Default is Similar,
overridden if needed
and captured into
logging database
• About 2000 pairs
(220 unique source
images) captured
using interface
Evaluation – Data Collection
| 20
• Almost Identical and Very Similar count as full hit (+1), and Similar
counts as half (+0.5), Different as non (+0).
• Precision @k results
Evaluation – Precision @k
k precision
1 0.3287
3 0.1096
5 0.0657
10 0. 0329
| 21
• Distance Metric: Cosine Similarity
• Features used:
 Baseline: LIRE Global Features
 Best: vectors from Xception
Evaluation – Correlation Results
Pearson Baseline Xception
Pearson -0.102 -0.566
Spearman -0.071 -0.495
| 22
Future Work
• Include captions for image search
• We have tried word2vec and skip-thoughts to generate caption vectors
but it didn’t result in appreciable improvement
• Two stage search, caption search + refine with image, or vice versa
• Investigate metric spaces indexing approach
• Investigate dimensionality reduction – since curse of dimensionality seems
to be a common issue mentioned in computer vision literature
• Investigate using indexing approaches that allow tensor search
• Incorporate outputs of multiple classifiers to create faceted search
functionality that can be overlaid on results
• By genre – radiology, data graphics, microscopy, etc.
• By anatomical part
• By specialty
• By keywords in caption
• By concepts in caption
My contact information:
sujit.pal@elsevier.com
Thank you!

Weitere ähnliche Inhalte

Was ist angesagt?

2019 cvpr paper_overview
2019 cvpr paper_overview2019 cvpr paper_overview
2019 cvpr paper_overviewLEE HOSEONG
 
Lessons learnt at building recommendation services at industry scale
Lessons learnt at building recommendation services at industry scaleLessons learnt at building recommendation services at industry scale
Lessons learnt at building recommendation services at industry scaleDomonkos Tikk
 
Context-aware preference modeling with factorization
Context-aware preference modeling with factorizationContext-aware preference modeling with factorization
Context-aware preference modeling with factorizationBalĂĄzs Hidasi
 
Distributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetDistributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetAmazon Web Services
 
Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with KerasQuantUniversity
 
Introduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep LearningIntroduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep LearningMadhu Sanjeevi (Mady)
 
Deep Learning for Recommender Systems RecSys2017 Tutorial
Deep Learning for Recommender Systems RecSys2017 Tutorial Deep Learning for Recommender Systems RecSys2017 Tutorial
Deep Learning for Recommender Systems RecSys2017 Tutorial Alexandros Karatzoglou
 
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...BalĂĄzs Hidasi
 
"Revisiting self supervised visual representation learning" Paper Review
"Revisiting self supervised visual representation learning" Paper Review"Revisiting self supervised visual representation learning" Paper Review
"Revisiting self supervised visual representation learning" Paper ReviewLEE HOSEONG
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningVishwas Lele
 
Pelee: a real time object detection system on mobile devices Paper Review
Pelee: a real time object detection system on mobile devices Paper ReviewPelee: a real time object detection system on mobile devices Paper Review
Pelee: a real time object detection system on mobile devices Paper ReviewLEE HOSEONG
 
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...BalĂĄzs Hidasi
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)Thomas da Silva Paula
 
Deep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsDeep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsBenjamin Le
 
Deep learning with keras
Deep learning with kerasDeep learning with keras
Deep learning with kerasMOHITKUMAR1379
 
Deep learning to the rescue - solving long standing problems of recommender ...
Deep learning to the rescue - solving long standing problems of recommender ...Deep learning to the rescue - solving long standing problems of recommender ...
Deep learning to the rescue - solving long standing problems of recommender ...BalĂĄzs Hidasi
 
Deep learning and image analytics using Python by Dr Sanparit
Deep learning and image analytics using Python by Dr SanparitDeep learning and image analytics using Python by Dr Sanparit
Deep learning and image analytics using Python by Dr SanparitBAINIDA
 
Building Continuous Learning Systems
Building Continuous Learning SystemsBuilding Continuous Learning Systems
Building Continuous Learning SystemsAnuj Gupta
 
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...Edureka!
 

Was ist angesagt? (20)

2019 cvpr paper_overview
2019 cvpr paper_overview2019 cvpr paper_overview
2019 cvpr paper_overview
 
Lessons learnt at building recommendation services at industry scale
Lessons learnt at building recommendation services at industry scaleLessons learnt at building recommendation services at industry scale
Lessons learnt at building recommendation services at industry scale
 
Context-aware preference modeling with factorization
Context-aware preference modeling with factorizationContext-aware preference modeling with factorization
Context-aware preference modeling with factorization
 
Distributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetDistributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNet
 
Deep Domain
Deep DomainDeep Domain
Deep Domain
 
Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with Keras
 
Introduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep LearningIntroduction of Machine learning and Deep Learning
Introduction of Machine learning and Deep Learning
 
Deep Learning for Recommender Systems RecSys2017 Tutorial
Deep Learning for Recommender Systems RecSys2017 Tutorial Deep Learning for Recommender Systems RecSys2017 Tutorial
Deep Learning for Recommender Systems RecSys2017 Tutorial
 
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
Parallel Recurrent Neural Network Architectures for Feature-rich Session-base...
 
"Revisiting self supervised visual representation learning" Paper Review
"Revisiting self supervised visual representation learning" Paper Review"Revisiting self supervised visual representation learning" Paper Review
"Revisiting self supervised visual representation learning" Paper Review
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Pelee: a real time object detection system on mobile devices Paper Review
Pelee: a real time object detection system on mobile devices Paper ReviewPelee: a real time object detection system on mobile devices Paper Review
Pelee: a real time object detection system on mobile devices Paper Review
 
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)
 
Deep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsDeep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender Systems
 
Deep learning with keras
Deep learning with kerasDeep learning with keras
Deep learning with keras
 
Deep learning to the rescue - solving long standing problems of recommender ...
Deep learning to the rescue - solving long standing problems of recommender ...Deep learning to the rescue - solving long standing problems of recommender ...
Deep learning to the rescue - solving long standing problems of recommender ...
 
Deep learning and image analytics using Python by Dr Sanparit
Deep learning and image analytics using Python by Dr SanparitDeep learning and image analytics using Python by Dr Sanparit
Deep learning and image analytics using Python by Dr Sanparit
 
Building Continuous Learning Systems
Building Continuous Learning SystemsBuilding Continuous Learning Systems
Building Continuous Learning Systems
 
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In P...
 

Ähnlich wie Evolving a Medical Image Similarity Search

Learning a Joint Embedding Representation for Image Search using Self-supervi...
Learning a Joint Embedding Representation for Image Search using Self-supervi...Learning a Joint Embedding Representation for Image Search using Self-supervi...
Learning a Joint Embedding Representation for Image Search using Self-supervi...Sujit Pal
 
Searching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonSearching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonJonathon Hare
 
Searching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonSearching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonJonathon Hare
 
Searching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonSearching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonJonathon Hare
 
Image Search: Then and Now
Image Search: Then and NowImage Search: Then and Now
Image Search: Then and NowSi Krishan
 
SECURE IMAGE RETRIEVAL BASED ON HYBRID FEATURES AND HASHES
SECURE IMAGE RETRIEVAL BASED ON HYBRID FEATURES AND HASHESSECURE IMAGE RETRIEVAL BASED ON HYBRID FEATURES AND HASHES
SECURE IMAGE RETRIEVAL BASED ON HYBRID FEATURES AND HASHESranjit banshpal
 
Saliency-based Models of Image Content and their Application to Auto-Annotati...
Saliency-based Models of Image Content and their Application to Auto-Annotati...Saliency-based Models of Image Content and their Application to Auto-Annotati...
Saliency-based Models of Image Content and their Application to Auto-Annotati...Jonathon Hare
 
Content Based Image Retrieval
Content Based Image Retrieval Content Based Image Retrieval
Content Based Image Retrieval Swati Chauhan
 
Ch14-Part4-ImageRetrieval.pdf
Ch14-Part4-ImageRetrieval.pdfCh14-Part4-ImageRetrieval.pdf
Ch14-Part4-ImageRetrieval.pdfAbdullah Azzeh
 
ICPC06.ppt
ICPC06.pptICPC06.ppt
ICPC06.pptPtidej Team
 
RecSys 2015 Tutorial - Scalable Recommender Systems: Where Machine Learning m...
RecSys 2015 Tutorial - Scalable Recommender Systems: Where Machine Learning m...RecSys 2015 Tutorial - Scalable Recommender Systems: Where Machine Learning m...
RecSys 2015 Tutorial - Scalable Recommender Systems: Where Machine Learning m...Joaquin Delgado PhD.
 
RecSys 2015 Tutorial – Scalable Recommender Systems: Where Machine Learning...
 RecSys 2015 Tutorial – Scalable Recommender Systems: Where Machine Learning... RecSys 2015 Tutorial – Scalable Recommender Systems: Where Machine Learning...
RecSys 2015 Tutorial – Scalable Recommender Systems: Where Machine Learning...S. Diana Hu
 
RAG Patterns and Vector Search in Generative AI
RAG Patterns and Vector Search in Generative AIRAG Patterns and Vector Search in Generative AI
RAG Patterns and Vector Search in Generative AIUdaiappa Ramachandran
 
Computer Vision image classification
Computer Vision image classificationComputer Vision image classification
Computer Vision image classificationWael Badawy
 
Content based image retrieval
Content based image retrievalContent based image retrieval
Content based image retrievalrubaiyat11
 
Multilabel Image Retreval Using Hashing
Multilabel Image Retreval Using HashingMultilabel Image Retreval Using Hashing
Multilabel Image Retreval Using HashingSurbhi Bhosale
 
Developing a Tutorial for Grouping Analysis in ArcGIS
Developing a Tutorial for Grouping Analysis in ArcGISDeveloping a Tutorial for Grouping Analysis in ArcGIS
Developing a Tutorial for Grouping Analysis in ArcGISCOGS Presentations
 

Ähnlich wie Evolving a Medical Image Similarity Search (20)

CBIR_white.ppt
CBIR_white.pptCBIR_white.ppt
CBIR_white.ppt
 
Learning a Joint Embedding Representation for Image Search using Self-supervi...
Learning a Joint Embedding Representation for Image Search using Self-supervi...Learning a Joint Embedding Representation for Image Search using Self-supervi...
Learning a Joint Embedding Representation for Image Search using Self-supervi...
 
Searching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonSearching Images: Recent research at Southampton
Searching Images: Recent research at Southampton
 
Searching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonSearching Images: Recent research at Southampton
Searching Images: Recent research at Southampton
 
Searching Images: Recent research at Southampton
Searching Images: Recent research at SouthamptonSearching Images: Recent research at Southampton
Searching Images: Recent research at Southampton
 
PPT s12-machine vision-s2
PPT s12-machine vision-s2PPT s12-machine vision-s2
PPT s12-machine vision-s2
 
Image Search: Then and Now
Image Search: Then and NowImage Search: Then and Now
Image Search: Then and Now
 
SECURE IMAGE RETRIEVAL BASED ON HYBRID FEATURES AND HASHES
SECURE IMAGE RETRIEVAL BASED ON HYBRID FEATURES AND HASHESSECURE IMAGE RETRIEVAL BASED ON HYBRID FEATURES AND HASHES
SECURE IMAGE RETRIEVAL BASED ON HYBRID FEATURES AND HASHES
 
Saliency-based Models of Image Content and their Application to Auto-Annotati...
Saliency-based Models of Image Content and their Application to Auto-Annotati...Saliency-based Models of Image Content and their Application to Auto-Annotati...
Saliency-based Models of Image Content and their Application to Auto-Annotati...
 
Content Based Image Retrieval
Content Based Image Retrieval Content Based Image Retrieval
Content Based Image Retrieval
 
Ch14-Part4-ImageRetrieval.pdf
Ch14-Part4-ImageRetrieval.pdfCh14-Part4-ImageRetrieval.pdf
Ch14-Part4-ImageRetrieval.pdf
 
ICPC06.ppt
ICPC06.pptICPC06.ppt
ICPC06.ppt
 
RecSys 2015 Tutorial - Scalable Recommender Systems: Where Machine Learning m...
RecSys 2015 Tutorial - Scalable Recommender Systems: Where Machine Learning m...RecSys 2015 Tutorial - Scalable Recommender Systems: Where Machine Learning m...
RecSys 2015 Tutorial - Scalable Recommender Systems: Where Machine Learning m...
 
RecSys 2015 Tutorial – Scalable Recommender Systems: Where Machine Learning...
 RecSys 2015 Tutorial – Scalable Recommender Systems: Where Machine Learning... RecSys 2015 Tutorial – Scalable Recommender Systems: Where Machine Learning...
RecSys 2015 Tutorial – Scalable Recommender Systems: Where Machine Learning...
 
RAG Patterns and Vector Search in Generative AI
RAG Patterns and Vector Search in Generative AIRAG Patterns and Vector Search in Generative AI
RAG Patterns and Vector Search in Generative AI
 
Computer Vision image classification
Computer Vision image classificationComputer Vision image classification
Computer Vision image classification
 
FELIS
FELISFELIS
FELIS
 
Content based image retrieval
Content based image retrievalContent based image retrieval
Content based image retrieval
 
Multilabel Image Retreval Using Hashing
Multilabel Image Retreval Using HashingMultilabel Image Retreval Using Hashing
Multilabel Image Retreval Using Hashing
 
Developing a Tutorial for Grouping Analysis in ArcGIS
Developing a Tutorial for Grouping Analysis in ArcGISDeveloping a Tutorial for Grouping Analysis in ArcGIS
Developing a Tutorial for Grouping Analysis in ArcGIS
 

Mehr von Sujit Pal

Supporting Concept Search using a Clinical Healthcare Knowledge Graph
Supporting Concept Search using a Clinical Healthcare Knowledge GraphSupporting Concept Search using a Clinical Healthcare Knowledge Graph
Supporting Concept Search using a Clinical Healthcare Knowledge GraphSujit Pal
 
Google AI Hackathon: LLM based Evaluator for RAG
Google AI Hackathon: LLM based Evaluator for RAGGoogle AI Hackathon: LLM based Evaluator for RAG
Google AI Hackathon: LLM based Evaluator for RAGSujit Pal
 
Building Learning to Rank (LTR) search reranking models using Large Language ...
Building Learning to Rank (LTR) search reranking models using Large Language ...Building Learning to Rank (LTR) search reranking models using Large Language ...
Building Learning to Rank (LTR) search reranking models using Large Language ...Sujit Pal
 
Cheap Trick for Question Answering
Cheap Trick for Question AnsweringCheap Trick for Question Answering
Cheap Trick for Question AnsweringSujit Pal
 
Searching Across Images and Test
Searching Across Images and TestSearching Across Images and Test
Searching Across Images and TestSujit Pal
 
The power of community: training a Transformer Language Model on a shoestring
The power of community: training a Transformer Language Model on a shoestringThe power of community: training a Transformer Language Model on a shoestring
The power of community: training a Transformer Language Model on a shoestringSujit Pal
 
Backprop Visualization
Backprop VisualizationBackprop Visualization
Backprop VisualizationSujit Pal
 
Accelerating NLP with Dask and Saturn Cloud
Accelerating NLP with Dask and Saturn CloudAccelerating NLP with Dask and Saturn Cloud
Accelerating NLP with Dask and Saturn CloudSujit Pal
 
Accelerating NLP with Dask on Saturn Cloud: A case study with CORD-19
Accelerating NLP with Dask on Saturn Cloud: A case study with CORD-19Accelerating NLP with Dask on Saturn Cloud: A case study with CORD-19
Accelerating NLP with Dask on Saturn Cloud: A case study with CORD-19Sujit Pal
 
Leslie Smith's Papers discussion for DL Journal Club
Leslie Smith's Papers discussion for DL Journal ClubLeslie Smith's Papers discussion for DL Journal Club
Leslie Smith's Papers discussion for DL Journal ClubSujit Pal
 
Using Graph and Transformer Embeddings for Vector Based Retrieval
Using Graph and Transformer Embeddings for Vector Based RetrievalUsing Graph and Transformer Embeddings for Vector Based Retrieval
Using Graph and Transformer Embeddings for Vector Based RetrievalSujit Pal
 
Transformer Mods for Document Length Inputs
Transformer Mods for Document Length InputsTransformer Mods for Document Length Inputs
Transformer Mods for Document Length InputsSujit Pal
 
Question Answering as Search - the Anserini Pipeline and Other Stories
Question Answering as Search - the Anserini Pipeline and Other StoriesQuestion Answering as Search - the Anserini Pipeline and Other Stories
Question Answering as Search - the Anserini Pipeline and Other StoriesSujit Pal
 
Building Named Entity Recognition Models Efficiently using NERDS
Building Named Entity Recognition Models Efficiently using NERDSBuilding Named Entity Recognition Models Efficiently using NERDS
Building Named Entity Recognition Models Efficiently using NERDSSujit Pal
 
Graph Techniques for Natural Language Processing
Graph Techniques for Natural Language ProcessingGraph Techniques for Natural Language Processing
Graph Techniques for Natural Language ProcessingSujit Pal
 
Learning to Rank Presentation (v2) at LexisNexis Search Guild
Learning to Rank Presentation (v2) at LexisNexis Search GuildLearning to Rank Presentation (v2) at LexisNexis Search Guild
Learning to Rank Presentation (v2) at LexisNexis Search GuildSujit Pal
 
Search summit-2018-ltr-presentation
Search summit-2018-ltr-presentationSearch summit-2018-ltr-presentation
Search summit-2018-ltr-presentationSujit Pal
 
Search summit-2018-content-engineering-slides
Search summit-2018-content-engineering-slidesSearch summit-2018-content-engineering-slides
Search summit-2018-content-engineering-slidesSujit Pal
 
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...Sujit Pal
 
Deep Learning Models for Question Answering
Deep Learning Models for Question AnsweringDeep Learning Models for Question Answering
Deep Learning Models for Question AnsweringSujit Pal
 

Mehr von Sujit Pal (20)

Supporting Concept Search using a Clinical Healthcare Knowledge Graph
Supporting Concept Search using a Clinical Healthcare Knowledge GraphSupporting Concept Search using a Clinical Healthcare Knowledge Graph
Supporting Concept Search using a Clinical Healthcare Knowledge Graph
 
Google AI Hackathon: LLM based Evaluator for RAG
Google AI Hackathon: LLM based Evaluator for RAGGoogle AI Hackathon: LLM based Evaluator for RAG
Google AI Hackathon: LLM based Evaluator for RAG
 
Building Learning to Rank (LTR) search reranking models using Large Language ...
Building Learning to Rank (LTR) search reranking models using Large Language ...Building Learning to Rank (LTR) search reranking models using Large Language ...
Building Learning to Rank (LTR) search reranking models using Large Language ...
 
Cheap Trick for Question Answering
Cheap Trick for Question AnsweringCheap Trick for Question Answering
Cheap Trick for Question Answering
 
Searching Across Images and Test
Searching Across Images and TestSearching Across Images and Test
Searching Across Images and Test
 
The power of community: training a Transformer Language Model on a shoestring
The power of community: training a Transformer Language Model on a shoestringThe power of community: training a Transformer Language Model on a shoestring
The power of community: training a Transformer Language Model on a shoestring
 
Backprop Visualization
Backprop VisualizationBackprop Visualization
Backprop Visualization
 
Accelerating NLP with Dask and Saturn Cloud
Accelerating NLP with Dask and Saturn CloudAccelerating NLP with Dask and Saturn Cloud
Accelerating NLP with Dask and Saturn Cloud
 
Accelerating NLP with Dask on Saturn Cloud: A case study with CORD-19
Accelerating NLP with Dask on Saturn Cloud: A case study with CORD-19Accelerating NLP with Dask on Saturn Cloud: A case study with CORD-19
Accelerating NLP with Dask on Saturn Cloud: A case study with CORD-19
 
Leslie Smith's Papers discussion for DL Journal Club
Leslie Smith's Papers discussion for DL Journal ClubLeslie Smith's Papers discussion for DL Journal Club
Leslie Smith's Papers discussion for DL Journal Club
 
Using Graph and Transformer Embeddings for Vector Based Retrieval
Using Graph and Transformer Embeddings for Vector Based RetrievalUsing Graph and Transformer Embeddings for Vector Based Retrieval
Using Graph and Transformer Embeddings for Vector Based Retrieval
 
Transformer Mods for Document Length Inputs
Transformer Mods for Document Length InputsTransformer Mods for Document Length Inputs
Transformer Mods for Document Length Inputs
 
Question Answering as Search - the Anserini Pipeline and Other Stories
Question Answering as Search - the Anserini Pipeline and Other StoriesQuestion Answering as Search - the Anserini Pipeline and Other Stories
Question Answering as Search - the Anserini Pipeline and Other Stories
 
Building Named Entity Recognition Models Efficiently using NERDS
Building Named Entity Recognition Models Efficiently using NERDSBuilding Named Entity Recognition Models Efficiently using NERDS
Building Named Entity Recognition Models Efficiently using NERDS
 
Graph Techniques for Natural Language Processing
Graph Techniques for Natural Language ProcessingGraph Techniques for Natural Language Processing
Graph Techniques for Natural Language Processing
 
Learning to Rank Presentation (v2) at LexisNexis Search Guild
Learning to Rank Presentation (v2) at LexisNexis Search GuildLearning to Rank Presentation (v2) at LexisNexis Search Guild
Learning to Rank Presentation (v2) at LexisNexis Search Guild
 
Search summit-2018-ltr-presentation
Search summit-2018-ltr-presentationSearch summit-2018-ltr-presentation
Search summit-2018-ltr-presentation
 
Search summit-2018-content-engineering-slides
Search summit-2018-content-engineering-slidesSearch summit-2018-content-engineering-slides
Search summit-2018-content-engineering-slides
 
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
 
Deep Learning Models for Question Answering
Deep Learning Models for Question AnsweringDeep Learning Models for Question Answering
Deep Learning Models for Question Answering
 

KĂźrzlich hochgeladen

How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerThousandEyes
 
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...kellynguyen01
 
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female serviceCALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female serviceanilsa9823
 
Unlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language ModelsUnlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language Modelsaagamshah0812
 
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...Health
 
HR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comHR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comFatema Valibhai
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsAndolasoft Inc
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsJhone kinadey
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsArshad QA
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️Delhi Call girls
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxComplianceQuest1
 
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...OnePlan Solutions
 
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...MyIntelliSource, Inc.
 
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfLearn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfkalichargn70th171
 
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️anilsa9823
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVshikhaohhpro
 
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...MyIntelliSource, Inc.
 
SyndBuddy AI 2k Review 2024: Revolutionizing Content Syndication with AI
SyndBuddy AI 2k Review 2024: Revolutionizing Content Syndication with AISyndBuddy AI 2k Review 2024: Revolutionizing Content Syndication with AI
SyndBuddy AI 2k Review 2024: Revolutionizing Content Syndication with AIABDERRAOUF MEHENNI
 

KĂźrzlich hochgeladen (20)

How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
 
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
Short Story: Unveiling the Reasoning Abilities of Large Language Models by Ke...
 
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female serviceCALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
CALL ON ➥8923113531 🔝Call Girls Badshah Nagar Lucknow best Female service
 
Unlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language ModelsUnlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language Models
 
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
 
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS LiveVip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
 
HR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comHR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.com
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.js
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial Goals
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview Questions
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docx
 
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
Tech Tuesday-Harness the Power of Effective Resource Planning with OnePlan’s ...
 
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
 
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfLearn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
 
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online  ☂️
CALL ON ➥8923113531 🔝Call Girls Kakori Lucknow best sexual service Online ☂️
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTV
 
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
Steps To Getting Up And Running Quickly With MyTimeClock Employee Scheduling ...
 
SyndBuddy AI 2k Review 2024: Revolutionizing Content Syndication with AI
SyndBuddy AI 2k Review 2024: Revolutionizing Content Syndication with AISyndBuddy AI 2k Review 2024: Revolutionizing Content Syndication with AI
SyndBuddy AI 2k Review 2024: Revolutionizing Content Syndication with AI
 

Evolving a Medical Image Similarity Search

  • 1. Presented by Sujit Pal April 10-11, 2018 Evolving a Medical Image Similarity Search Haystack 2018, Charlottesville, VA
  • 2. | 2 • Early user of Solr at CNET before it was open-sourced • Search at Healthline (consumer health)  Lucene/Solr  Taxonomy backed “Concept” Search • Medical image classification at Elsevier  Deep Learning / Caffe  Machine Learning (Logistic Regression) • Duplicate image Detection  Computer Vision / OpenCV, LIRE (Lucene Image Retrieval Engine)  Deep Learning / Keras • Medical Similarity Search  Semantic rather than structural similarity Background
  • 3. | 3 • Ron Daniel  Help with expertise in Computer Vision techniques • Matt Corkum  Caption based Image Search Platform  Tooling and Integration for Image Search done against this plaform • Adrian Rosenbrock  PyImageSearch and OpenCV • Doug Turnbull  Elastic{ON} 2016 talk about Image Search Acknowledgements
  • 4. | 4 Image Search Workflow • Internal application for image review and tagging
  • 5. | 5 • Feature Extraction  Converting images to feature vectors • Indexing Strategies  Represent vectors using (text based) search index • Evaluation  Search Quality metrics Steps
  • 6. | 6 • Global Features  Color  Texture (Edge) • Quantize image • Build Histogram • Histogram is feature vector • Descriptors  RGB  HSV  Opponent  CEDD  FCTH  JCD Feature Extraction – Global Features Image Credits: Shutterstock, 7-Themes.com, Kids Britannica, Pexels.com, and OpenCV Tutorials
  • 7. | 7 • Local Features  Edges and Corners  Scale Invariant Feature Transform (SIFT)  Speeded up Robust Features (SURF)  Difference of Gaussians (DoG) • Tile image and compute features per tile • Cluster features Feature Extraction – Local Features • Centroids are vocabulary words • Image represented as histogram of vocab words. Image Credits: OpenCV Tutorials, ScienceDirect.com
  • 8. | 8 Feature Extraction – Deep Learning Features Image Credits: CAIS++, Distill.pub • Deep Learning models outperform traditional models for CV tasks • Works like edge and color detectors at lower layers, and object detectors at higher layers • Encodes semantics of image rather than just color, texture and shapes • Learns transformation from image to vector as a series of convolutions • Many high performing models trained on large image datasets available
  • 9. | 9 Feature Extraction – Deep Learning Features (cont’d) Image Credits: i-systems.github.io and ufldl.stanford.edu • Deep Learning models are a sequence of convolutions and pooling operations • Each successive layer has a deeper (more convolution operations) over a larger part of the image (pooling).
  • 10. | 10 • Idea of using convolutions for feature extraction not new to CV, e.g., used in Haar Cascades • But traditional CV uses specific convolutions for a task to extract features for that task • Deep Learning starts with random convolutions and uses (image, label) pairs to learn convolutions appropriate to task Feature Extraction – Deep Learning Features (cont’d) Image Credit: Greg Borenstein
  • 11. | 11 Feature Extraction – Deep Learning Features (cont’d) woman Image Credits: eepLearning.net • Image to vector transformation == sequence of learned convolutions and pooling operations • Remove classification layer from pre-trained network. • Run images through truncated network to product image vectors.
  • 12. | 12 Indexing Strategies • NaĂŻve approaches  Linear search – LIRE default  Pre-compute K (approximate) nearest neighbors • Text based indexes  Index-able unit is document (stream of tokens from an alphabet)  Image needs to be converted into a sequence of tokens from a “visual” alphabet - Locality Sensitive Hashing (LSH) - Metric Spaces Indexing - Bag of Visual Words (BoVW) • Text+Payload based indexes  Represent vectors as payloads with custom similarity • Tensor based indexes  Supports indexing and querying of image feature vectors natively  Uses approximate nearest neighbor techniques  NMSLib – Non-Metric Space Library (ok for <= 1M vectors)  FAISS – Facebook AI Similarity Search • Hybrid indexes  Vespa.ai – supports both text and tensor based queries
  • 13. | 13 • Image vectors written out as “index0|score0 index1|score1 …” • Query image vectorized and sparsified, then provided as a string consisting of non-zero indices after sparsification, for example, “index50 index54 index67”. • Payload similarity implementation provided as Groovy script to Elasticsearch 1.5 (ES) engine, returns cosine similarity • Find similar images using the ES function_score_query • Did not scale beyond few hundred images in index • Recent ES versions require custom Java ScriptEngine implementation registered as plugin, so probably better scaling now. Indexing Strategy – Payloads + Custom Similarity
  • 14. | 14 • LSH - similar objects hashed to same bin. • Assume image feature vectors V of rank R. • Generate k values of vector Ai (also of rank R) and bi from random normal distribution. • Compute k values of hashes hi using following formula: • If at least m of k hashes for a pair of images match, then the images are near duplicates. • No ranking of similarities possible. • Good for finding near duplicates. Indexing Strategy – Locality Sensitive Hashing
  • 15. | 15 • Also known as Perspective based Space Transformation • Based on the idea that objects that are similar to a set of reference objects are similar to each other. • Randomly select k (≈ 2√N) images as reference objects RO • Compute distance of each object from each reference image in RO using the following distance formula: • Posting list for each image is the m nearest reference objects ordered by distance. • Haven’t tried this, but looks promising. Indexing Strategy – Metric Spaces Indexing
  • 16. | 16 • Briefly touched upon this when talking about Local Features • Tile image, compute local descriptors (such as SIFT, SURF, etc) for each tile • Cluster these descriptors across all images • Generate a vocabulary of Visual words out of the centroids of these clusters • Represent each image in index as a sequence of visual words • During query, tile and compute local descriptors, then find the closest words for each descriptor in vocabulary, and search using this sequence of visual words. • Used LIRE’s built-in support for generating a BoVW based index but results not very encouraging. Indexing Strategy – Bag of Visual Words (BoVW)
  • 17. | 17 • Produces approximate nearest neighbors • Cluster image vectors into smaller clusters. Size of each cluster should be chosen such that brute force KNN (with KD-Tree support if available) is tractable • For each cluster, compute K nearest neighbors for each image in cluster • Save ordered list of neighbor image IDs against each image • At search time, the neighbors are simply looked up using the source image ID • Works well for my Similar Images functionality (closed system) • For unknown query image, two step process to find the cluster and then find K nearest neighbors Indexing Strategy – Precompute K nearest neighbors
  • 18. | 18 • Data Collection  4 similarity levels (Essentially Identical, Very Similar, Similar, Different) • Metrics  Precision @k  Mean Average Precision (MAP)  Recall  F1-score  nDCG  Correlation Evaluation
  • 19. | 19 • Similarity Page has a Reset Similarity button for each similar image. • Default is Similar, overridden if needed and captured into logging database • About 2000 pairs (220 unique source images) captured using interface Evaluation – Data Collection
  • 20. | 20 • Almost Identical and Very Similar count as full hit (+1), and Similar counts as half (+0.5), Different as non (+0). • Precision @k results Evaluation – Precision @k k precision 1 0.3287 3 0.1096 5 0.0657 10 0. 0329
  • 21. | 21 • Distance Metric: Cosine Similarity • Features used:  Baseline: LIRE Global Features  Best: vectors from Xception Evaluation – Correlation Results Pearson Baseline Xception Pearson -0.102 -0.566 Spearman -0.071 -0.495
  • 22. | 22 Future Work • Include captions for image search • We have tried word2vec and skip-thoughts to generate caption vectors but it didn’t result in appreciable improvement • Two stage search, caption search + refine with image, or vice versa • Investigate metric spaces indexing approach • Investigate dimensionality reduction – since curse of dimensionality seems to be a common issue mentioned in computer vision literature • Investigate using indexing approaches that allow tensor search • Incorporate outputs of multiple classifiers to create faceted search functionality that can be overlaid on results • By genre – radiology, data graphics, microscopy, etc. • By anatomical part • By specialty • By keywords in caption • By concepts in caption