Deep search. Enhancing a search bar using machine learning. Ilgün Ilgün & Cedric Reichenbach

Similar documents
Python Machine Learning

Module 12. Machine Learning. Version 2 CSE IIT, Kharagpur

System Implementation for SemEval-2017 Task 4 Subtask A Based on Interpolated Deep Neural Networks

Semantic Segmentation with Histological Image Data: Cancer Cell vs. Stroma

A Simple VQA Model with a Few Tricks and Image Features from Bottom-up Attention

arxiv: v1 [cs.lg] 15 Jun 2015

Lecture 1: Machine Learning Basics

Knowledge Transfer in Deep Convolutional Neural Nets

HIERARCHICAL DEEP LEARNING ARCHITECTURE FOR 10K OBJECTS CLASSIFICATION

CSL465/603 - Machine Learning

A Neural Network GUI Tested on Text-To-Phoneme Mapping

Generative models and adversarial training

Artificial Neural Networks written examination

Axiom 2013 Team Description Paper

Training a Neural Network to Answer 8th Grade Science Questions Steven Hewitt, An Ju, Katherine Stasaski

arxiv: v1 [cs.cv] 10 May 2017

Laboratorio di Intelligenza Artificiale e Robotica

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

SORT: Second-Order Response Transform for Visual Recognition

Human Emotion Recognition From Speech

Second Exam: Natural Language Parsing with Neural Networks

Residual Stacking of RNNs for Neural Machine Translation

ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY DOWNLOAD EBOOK : ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY PDF

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

A deep architecture for non-projective dependency parsing

Autoregressive product of multi-frame predictions can improve the accuracy of hybrid models

Offline Writer Identification Using Convolutional Neural Network Activation Features

Rule Learning With Negation: Issues Regarding Effectiveness

Australian Journal of Basic and Applied Sciences

(Sub)Gradient Descent

Modeling function word errors in DNN-HMM based LVCSR systems

Unsupervised Learning of Word Semantic Embedding using the Deep Structured Semantic Model

Laboratorio di Intelligenza Artificiale e Robotica

Глубокие рекуррентные нейронные сети для аспектно-ориентированного анализа тональности отзывов пользователей на различных языках

AQUA: An Ontology-Driven Question Answering System

A survey of multi-view machine learning

Modeling function word errors in DNN-HMM based LVCSR systems

Model Ensemble for Click Prediction in Bing Search Ads

Evolutive Neural Net Fuzzy Filtering: Basic Description

A Review: Speech Recognition with Deep Learning Methods

Evolution of Symbolisation in Chimpanzees and Neural Nets

Experiments with SMS Translation and Stochastic Gradient Descent in Spanish Text Author Profiling

Android App Development for Beginners

A Comparison of Two Text Representations for Sentiment Analysis

Calibration of Confidence Measures in Speech Recognition

arxiv: v2 [cs.cv] 30 Mar 2017

Attributed Social Network Embedding

Dual-Memory Deep Learning Architectures for Lifelong Learning of Everyday Human Behaviors

BUILDING CONTEXT-DEPENDENT DNN ACOUSTIC MODELS USING KULLBACK-LEIBLER DIVERGENCE-BASED STATE TYING

Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models

Analysis of Hybrid Soft and Hard Computing Techniques for Forex Monitoring Systems

Course Outline. Course Grading. Where to go for help. Academic Integrity. EE-589 Introduction to Neural Networks NN 1 EE

Information System Design and Development (Advanced Higher) Unit. level 7 (12 SCQF credit points)

A study of speaker adaptation for DNN-based speech synthesis

Machine Learning from Garden Path Sentences: The Application of Computational Linguistics

THE enormous growth of unstructured data, including

Indian Institute of Technology, Kanpur

IEEE/ACM TRANSACTIONS ON AUDIO, SPEECH AND LANGUAGE PROCESSING, VOL XXX, NO. XXX,

Speech Recognition at ICSI: Broadcast News and beyond

POS tagging of Chinese Buddhist texts using Recurrent Neural Networks

arxiv: v1 [cs.lg] 7 Apr 2015

A Deep Bag-of-Features Model for Music Auto-Tagging

An OO Framework for building Intelligence and Learning properties in Software Agents

Analysis of Speech Recognition Models for Real Time Captioning and Post Lecture Transcription

Linking Task: Identifying authors and book titles in verbose queries

Testing A Moving Target: How Do We Test Machine Learning Systems? Peter Varhol Technology Strategy Research, USA

Lecture 1: Basic Concepts of Machine Learning

Framewise Phoneme Classification with Bidirectional LSTM and Other Neural Network Architectures

Test Effort Estimation Using Neural Network

Master s Programme in Computer, Communication and Information Sciences, Study guide , ELEC Majors

Lip Reading in Profile

Learning Methods in Multilingual Speech Recognition

WHEN THERE IS A mismatch between the acoustic

Deep Neural Network Language Models

Soft Computing based Learning for Cognitive Radio

ADVANCES IN DEEP NEURAL NETWORK APPROACHES TO SPEAKER RECOGNITION

Diverse Concept-Level Features for Multi-Object Classification

Language Acquisition Fall 2010/Winter Lexical Categories. Afra Alishahi, Heiner Drenhaus

Semi-Supervised GMM and DNN Acoustic Model Training with Multi-system Combination and Confidence Re-calibration

Using the Artificial Neural Networks for Identification Unknown Person

Discriminative Learning of Beam-Search Heuristics for Planning

PREDICTING SPEECH RECOGNITION CONFIDENCE USING DEEP LEARNING WITH WORD IDENTITY AND SCORE FEATURES

Taxonomy-Regularized Semantic Deep Convolutional Neural Networks

Context Free Grammars. Many slides from Michael Collins

Using Web Searches on Important Words to Create Background Sets for LSI Classification

Learning Methods for Fuzzy Systems

SEMI-SUPERVISED ENSEMBLE DNN ACOUSTIC MODEL TRAINING

CS Machine Learning

Machine Learning and Data Mining. Ensembles of Learners. Prof. Alexander Ihler

Deep Facial Action Unit Recognition from Partially Labeled Data

Probabilistic Latent Semantic Analysis

A New Perspective on Combining GMM and DNN Frameworks for Speaker Adaptation

Welcome to. ECML/PKDD 2004 Community meeting

An empirical study of learning speed in backpropagation

Distributed Learning of Multilingual DNN Feature Extractors using GPUs

CS224d Deep Learning for Natural Language Processing. Richard Socher, PhD

arxiv: v4 [cs.cl] 28 Mar 2016

AUTOMATED TROUBLESHOOTING OF MOBILE NETWORKS USING BAYESIAN NETWORKS

Rule Learning with Negation: Issues Regarding Effectiveness

A Compact DNN: Approaching GoogLeNet-Level Accuracy of Classification and Domain Adaptation

Transcription:

#BaselOne7

Deep search Enhancing a search bar using machine learning Ilgün Ilgün & Cedric Reichenbach

We are not researchers

Outline I. Periscope: A search tool II. Goals III. Deep learning IV. Applying CNNs to Periscope

Periscope: A search tool

Periscope Open source Based on Vaadin Main project: github.com/cedricreichenbach/vaadin-periscope Magnolia integration: git.magnolia-cms.com/users/creichenbach/repos/periscope

Live result listing

Pluggable results supplier API Result ResultSupplier Result Result Periscope ResultSupplier Result Result Result Result ResultSupplier

ResultSupplier API String gettitle(); List<Result> search(string query) throws SearchFailedException;

Goals

Searchable images Cat???

Speech recognition Hello, world!??? hello world

Adaptive result order Car Car SBB Cargo Mobility Car Sharing??? Carson Daly SBB Cargo Mobility Car Sharing Carson Daly Disney Cartoons Disney Cartoons

Deep learning

What is deep learning? Artificial Intelligence Machine Learning Deep Learning

What can be done with deep learning? Image recognition Speech recognition Fraud detection Recommendation Systems

Learning Types Supervised Unsupervised e.g. image tagging (figure out e.g. classification of images whose picture it is) (divide picture per person) Semi-supervised e.g. Periscope

The no free lunch theorem

(Convolutional) Neural networks

Artificial neuron (unit).7.4.6.8

Neural network input layer hidden layer output layer

Deep neural network input layer multiple hidden layers output layer...

Learning by adjusting weights input layer sample input forward pass hidden layers output layer measured error expected output backpropagation

Convolutional layer

Convolutions Kernel Original data Convolved feature 4 3 4 2 4 3 2 3 4

Applying CNNs to Periscope

Image recognition and automated tagging Cat Panda Dog Battleship

Image recognition networks commons.wikimedia.org/wiki/file:typical_cnn.png Jones, N.: The learning machines, Nature 55

ResNet-5 Residual network 5 layers 52-layer variant: st place on ILSVRC 25 Deep Residual Learning for Image Recognition by Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun arxiv.org/abs/52.3385

ImageNet database Millions of labelled images Based on WordNet nouns > 5 images per class Pre-trained networks available

Automated tagging Cat Database cat cat cat cat ResNet-5 @ ImageNet

Magnolia implementation Magnolia Image Tagging Module: github.com/ilgun/magnolia-image-tagging-module Free, open source Labels image assets using JCR properties

[demo]

Speech recognition hello world Hello, world!

Web Speech API const recognition = new SpeechRecognition(); recognition.onresult = event => { const transcript = event.results[][].transcript; //... }; recognition.start();

Adaptive result order Carg Online (= dynamic) learning Anton Cargnelli Semi-supervised Carglass SBB Cargo CarGold

Mapping to be trained Carg SBB Cargo String Set entry

Input layer 5 28 code points in ASCII 5 characters max 28 2-dimensional array, 28 x 5 units:

c #99 a #97 r #4 g #3 28

Initial convolution Kernel size: 28 x 3 associate 3 adjacent characters foobar foo oob oba bar ar

c a r g 3 x 28

Output layer.5 Carglass n units (size of result set) n Output value [, ]: Estimation of relevance.6 SBB Cargo. Cargold

Training samples Input Output.............................. Carglass SBB Cargo Cargold...

[demo]

Setup 28 x 5 (input layer) convolution ( x) 5 fully connected 5 fully connected 2 fully connected fully connected n (output layer)

Take-aways UX machine learning Deep learning has matured Entry barriers are low

Q&A

Appendix

Residual neural network Instead of F(x), approximate F(x) + x by adding shortcuts Solves vanishing gradient problem Each building block learns something new deeper networks possible Building block Deep Residual Learning for Image Recognition, Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun, arxiv.org/abs/52.3385

Configuration Activation function: Hyperbolic tangent Optimization: Stochastic gradient descent Update function: Nesterovs Learning rate:.2 (high because few data points) Regularization: L2, ⁵