SlideShare uma empresa Scribd logo
1 de 33
Baixar para ler offline
DBG / Oct 3, 2018 / © 2018 IBM Corporation
RNNs for
Recommendation &
Personalization
Nick Pentreath
Principal Engineer
@MLnick
DBG / Oct 3, 2018 / © 2018 IBM Corporation
About
@MLnick on Twitter & Github
Principal Engineer, IBM
CODAIT - Center for Open-Source Data & AI
Technologies
Machine Learning & AI
Apache Spark committer & PMC
Author of Machine Learning with Spark
Various conferences & meetups
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Center for Open Source Data and AI Technologies
CODAIT
codait.org
CODAIT aims to make AI solutions
dramatically easier to create, deploy,
and manage in the enterprise
Relaunch of the Spark Technology
Center (STC) to reflect expanded
mission
Improving Enterprise AI Lifecycle in Open Source
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Agenda
Recommender systems overview
Deep learning and RNNs
RNNs for recommendations
Challenges and future directions
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Recommender Systems
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Users and Items
Recommender Systems
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Events
Recommender Systems
Implicit preference data
▪ Online – page view, click, app interaction
▪ Commerce – cart, purchase, return
▪ Media – preview, watch, listen
Explicit preference data
▪ Ratings, reviews
Intent
▪ Search query
Social
▪ Like, share, follow, unfollow, block
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Context
Recommender Systems
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Prediction
Recommender Systems
Prediction is ranking
– Given a user and context, rank the available items in
order of likelihood that the user will interact with them
Sort
items
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Matrix Factorization
Recommender Systems
The de facto standard model
– Represent user ratings as a user-item matrix
– Find two smaller matrices (called the factor
matrices) that approximate the full matrix
– Minimize the reconstruction error (i.e. rating
prediction / completion)
– Efficient, scalable algorithms
• Gradient Descent
• Alternating Least Squares (ALS)
– Prediction is simple
– Can handle implicit data
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Cold Start
Recommender Systems
New items
– No historical interaction data
– Typically use baselines (e.g. populariy) or item content
New (or unknown) users
– Previously unseen or anonymous users have no user
profile or historical interactions
– Have context data (but possibly very limited)
– Cannot directly use collaborative filtering models
• Item-similarity for current item
• Represent session as aggregation of items
• Contextual models can incorporate short-term history
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Deep Learning and 

Recurrent Neural Networks
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Overview
Deep Learning
Original theory from 1940s; computer models
originated around 1960s; fell out of favor in
1980s/90s
Recent resurgence due to
– Bigger (and better) data; standard datasets (e.g. ImageNet)
– Better hardware (GPUs)
– Improvements to algorithms, architectures and optimization
Leading to new state-of-the-art results in
computer vision (images and video); speech/
text; language translation and more
Source: Wikipedia
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Modern Neural Networks
Deep Learning
Deep (multi-layer) networks
Computer vision
– Convolution neural networks (CNNs)
– Image classification, object detection, segmentation
Sequences and time-series
– Recurrent neural networks (RNNs)
– Machine translation, text generation
– LSTMs, GRUs
Embeddings
– Text, categorical features
Deep learning frameworks
– Flexibility, computation graphs, auto-differentiation, GPUs
Source: Stanford CS231n
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Recurrent Neural Networks
Deep Learning
Neural Network on Sequences …
– … sequence of neural network (layers)
– Hidden layers (state) dependent on previous state as well as
current input
– “memory” of what came before
Source: Stanford CS231n
– Share weights across all time steps
– Training using backpropagation through time (BPTT)
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Recurrent Neural Networks
Source: Andrej Karpathy
Deep Learning
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Recurrent Neural Networks
Deep Learning
Issues
– Exploding gradients - clip / scale gradients
– Vanishing gradients
Source: Stanford CS231n
Solutions
– Truncated BPTT
– Restrict sequence length
– Cannot encode very long term memory
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Recurrent Neural Networks
Deep Learning
Long Short Term Memory (LSTM)
– Replace simple RNN layer (activation) with a LSTM cell
– Cell has 3 gates - Input (i), Forget (f), Output (o)
– Activation (g)
– Backpropagation depends only on elementwise operations (no
matrix operations over W)
Gated Recurrent Unit (GRU)
– Effectively a simplified version of LSTM
– 2 gates instead of 3 - input and forget gate is combined into an
update gate. No output gate
GRU has fewer parameters, LSTM may be more
expressive
Source: Stanford CS231n; Hochreiter et al.
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Recurrent Neural Networks
Deep Learning
Variants
– Multi-layer (deep) RNNs
– Bi-directional
– Deep bi-directional
– Attention
Source: Stanford CS231n; Denny Britz
DBG / Oct 3, 2018 / © 2018 IBM Corporation
RNNs for Recommendations
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Deep Learning for Recommenders Overview
RNNs for Recommendations
Most approaches have focused on combining
– Performance of collaborative filtering models
(especially matrix factorization)
• Embeddings with appropriate loss = MF
– Power of deep learning for feature extraction
• CNNs for image content, audio, etc.
• Embeddings for categorical features
• Linear models for interactions
• RNNs for text
Source: Spotify / Sander Dieleman
Google Research
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Session-based recommendation
RNNs for Recommendations
Apply the advances in sequence modeling
from deep learning
– RNN architectures trained on the sequence of user
events in a session (e.g. products viewed,
purchased) to predict next item in session
– Adjustments for domain
• Item encoding (1-of-N, weighted average)
• Parallel mini-batch processing
• Ranking losses – BPR , TOP1
• Negative item sampling per mini-batch
– Report 20-30% accuracy gain over baselines
Source: Hidasi, Karatzoglou, Baltrunas, Tikk
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Contextual Session-based models
RNNs for Recommendations
Add contextual data to the RNN architecture
– Context included time, time since last event, event
type
– Combine context data with input / output layer
– Also combine context with the RNN layers
– About 3-6% improvement (in Recall@10 metric)
over simple RNN baseline
– Importantly, model is even better at predicting
sales (vs view, add to cart events) and at predicting
new / fresh items (vs items the user has already
seen)
Source: Smirnova, Vasile
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Content and Session-based models
RNNs for Recommendations
Add content data to the RNN architecture
– Parallel RNN (p-RNN)
– Follows trend in combining DL architectures for
content feature extraction with CF models for
interaction data
• CNN for image data
• BOW for text (alternatives are Word2Vec-style models
and RNN language models)
– Some training tricks
• Alternating – keep one subnet fixed, train other
• Residual – subnets trained on residual error
• Interleaved – alternating training per mini-batch
Source: Hidasi, Quadrana, Karatzoglou, Tikk
DBG / Oct 3, 2018 / © 2018 IBM Corporation
3D CNNs for Session-based Recommendation
RNNs for Recommendations
As we’ve seen in text / NLP, CNNs can also be
effective in modeling sequences
– 3D convolutional models have been applied in
video classification
– Potentially faster to train, easier to understand
– Use character-level encoding of IDs and item
features (name, description, categories)
• Compact representation
• No embedding layer
– “ResNet” style architecture
– Show improvement over p-RNN
Source: Tuan, Phuong
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Challenges
Challenges particular to recommendation
models
– Data size and dimensionality (input & output)
• Sampling
– Extreme sparsity
• Embeddings & compressed representations
– Wide variety of specialized settings
– Combining session, content, context and
preference data
– Model serving is difficult – ranking, large number of
items, computationally expensive
– Metrics – model accuracy and its relation to real-
world outcomes and behaviors
– Need for standard, open, large-scale, datasets that
have time and session data and are content- and
context-rich
• RecSys 15 Challenge – YouChoose dataset
– Evaluation – watch you baselines!
• When Recurrent Neural Networks meet the
Neighborhood for Session-Based Recommendation
Challenges and Future Directions
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Future Directions
Challenges and Future Directions
Most recent and future directions in research
& industry
– Improved RNNs
• Cross-session models (e.g. Hierarchical RNN)
• Further research on contextual models, as well as
content and metadata
• Attention models:
– Attentive Neural Architecture for Music
Recommendation
– Neural Attentive Session-based Recommendation
– Combine sequence and historical models (long-
and short-term user profiles)
– Domain-specific applications
• Contextualized Location Sequence Recommender
– RecGAN (yes, GANs and RNNS!)
– Applications at scale
• Dimensionality reduction, compressed encodings
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Summary
Challenges and Future Directions
DL for recommendation is just getting started
(again)
– Huge increase in interest, research papers. Already
many new models and approaches
– DL approaches have generally yielded incremental
% gains
• But that can translate to significant $$$
• More pronounced in session-based
– Cold start scenarios benefit from multi-modal
nature of DL models and explicit modeling of
sequences
– Flexibility of DL frameworks helps a lot
– Benefits from advances in DL for images, video,
NLP etc.
– Open-source libraries appearing (e.g. Spotlight)
– Check out DLRS workshops & tutorials @ RecSys
2016 / 2017, and upcoming in Oct, 2018
– RecSys challenges
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Thank you!
codait.org
twitter.com/MLnick
github.com/MLnick
developer.ibm.com
FfDL
Sign up for IBM Cloud and try Watson Studio!
https://ibm.biz/BdYbTY
https://datascience.ibm.com/
MAX
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Links & References
Wikipedia: Perceptron
Stanford CS231n Convolutional Neural Networks for Visual
Recognition
Stanford CS231n – RNN Slides
Recurrent Neural Networks Tutorial
The Unreasonable Effectiveness of Recurrent Neural
Networks
Understanding LSTM Networks
Learning Phrase Representations using RNN Encoder-
Decoder for Statistical Machine Translation
Long short-term memory
Attention and Augmented Recurrent Neural Networks
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Links & References
Deep Content-based Music Recommendation
Google’s Wide and Deep Learning Model
Deep Learning for Recommender Systems Workshops @
RecSys
Deep Learning for Recommender Systems Tutorial @
RecSys 2017
Session-based Recommendations with Recurrent Neural
Networks
Recurrent Neural Networks with Top-k Gains for Session-
based Recommendations
Sequential User-based Recurrent Neural Network
Recommendations
DBG / Oct 3, 2018 / © 2018 IBM Corporation
Links & References
Personalizing Session-based Recommendations with
Hierarchical Recurrent Neural Networks
Parallel Recurrent Neural Network Architectures for
Feature-rich Session-based Recommendations
Contextual Sequence Modeling for Recommendation with
Recurrent Neural Networks
When Recurrent Neural Networks meet the Neighborhood
for Session-Based Recommendation
3D Convolutional Networks for Session-based
Recommendation with Content Features
Spotlight: Recommendation models in PyTorch
RecSys 2015 Challenge – YouChoose Dataset
DBG / Oct 3, 2018 / © 2018 IBM Corporation

Mais conteúdo relacionado

Mais procurados

Déjà Vu: The Importance of Time and Causality in Recommender Systems
Déjà Vu: The Importance of Time and Causality in Recommender SystemsDéjà Vu: The Importance of Time and Causality in Recommender Systems
Déjà Vu: The Importance of Time and Causality in Recommender SystemsJustin Basilico
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender Systemsinovex GmbH
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender SystemsYves Raimond
 
Introduction to Recommendation Systems
Introduction to Recommendation SystemsIntroduction to Recommendation Systems
Introduction to Recommendation SystemsTrieu Nguyen
 
Recommender Systems In Industry
Recommender Systems In IndustryRecommender Systems In Industry
Recommender Systems In IndustryXavier Amatriain
 
Recommender Systems! @ASAI 2011
Recommender Systems! @ASAI 2011Recommender Systems! @ASAI 2011
Recommender Systems! @ASAI 2011Ernesto Mislej
 
Crafting Recommenders: the Shallow and the Deep of it!
Crafting Recommenders: the Shallow and the Deep of it! Crafting Recommenders: the Shallow and the Deep of it!
Crafting Recommenders: the Shallow and the Deep of it! Sudeep Das, Ph.D.
 
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Anoop Deoras
 
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018Massimo Quadrana
 
Session-based recommendations with recurrent neural networks
Session-based recommendations with recurrent neural networksSession-based recommendations with recurrent neural networks
Session-based recommendations with recurrent neural networksZimin Park
 
Interactive Recommender Systems
Interactive Recommender SystemsInteractive Recommender Systems
Interactive Recommender SystemsRoelof van Zwol
 
Calibrated Recommendations
Calibrated RecommendationsCalibrated Recommendations
Calibrated RecommendationsHarald Steck
 
Past, Present & Future of Recommender Systems: An Industry Perspective
Past, Present & Future of Recommender Systems: An Industry PerspectivePast, Present & Future of Recommender Systems: An Industry Perspective
Past, Present & Future of Recommender Systems: An Industry PerspectiveJustin Basilico
 
Tutorial: Context In Recommender Systems
Tutorial: Context In Recommender SystemsTutorial: Context In Recommender Systems
Tutorial: Context In Recommender SystemsYONG ZHENG
 
Deep Learning for Recommender Systems - Budapest RecSys Meetup
Deep Learning for Recommender Systems  - Budapest RecSys MeetupDeep Learning for Recommender Systems  - Budapest RecSys Meetup
Deep Learning for Recommender Systems - Budapest RecSys MeetupAlexandros Karatzoglou
 
Recommender systems: Content-based and collaborative filtering
Recommender systems: Content-based and collaborative filteringRecommender systems: Content-based and collaborative filtering
Recommender systems: Content-based and collaborative filteringViet-Trung TRAN
 
Machine Learning for Recommender Systems MLSS 2015 Sydney
Machine Learning for Recommender Systems MLSS 2015 SydneyMachine Learning for Recommender Systems MLSS 2015 Sydney
Machine Learning for Recommender Systems MLSS 2015 SydneyAlexandros Karatzoglou
 

Mais procurados (20)

Déjà Vu: The Importance of Time and Causality in Recommender Systems
Déjà Vu: The Importance of Time and Causality in Recommender SystemsDéjà Vu: The Importance of Time and Causality in Recommender Systems
Déjà Vu: The Importance of Time and Causality in Recommender Systems
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender Systems
 
Collaborative filtering
Collaborative filteringCollaborative filtering
Collaborative filtering
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender Systems
 
Introduction to Recommendation Systems
Introduction to Recommendation SystemsIntroduction to Recommendation Systems
Introduction to Recommendation Systems
 
Session-Based Recommender Systems
Session-Based Recommender SystemsSession-Based Recommender Systems
Session-Based Recommender Systems
 
Recommender Systems In Industry
Recommender Systems In IndustryRecommender Systems In Industry
Recommender Systems In Industry
 
Recommender Systems! @ASAI 2011
Recommender Systems! @ASAI 2011Recommender Systems! @ASAI 2011
Recommender Systems! @ASAI 2011
 
Crafting Recommenders: the Shallow and the Deep of it!
Crafting Recommenders: the Shallow and the Deep of it! Crafting Recommenders: the Shallow and the Deep of it!
Crafting Recommenders: the Shallow and the Deep of it!
 
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
 
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
 
Session-based recommendations with recurrent neural networks
Session-based recommendations with recurrent neural networksSession-based recommendations with recurrent neural networks
Session-based recommendations with recurrent neural networks
 
Interactive Recommender Systems
Interactive Recommender SystemsInteractive Recommender Systems
Interactive Recommender Systems
 
Calibrated Recommendations
Calibrated RecommendationsCalibrated Recommendations
Calibrated Recommendations
 
Past, Present & Future of Recommender Systems: An Industry Perspective
Past, Present & Future of Recommender Systems: An Industry PerspectivePast, Present & Future of Recommender Systems: An Industry Perspective
Past, Present & Future of Recommender Systems: An Industry Perspective
 
Tutorial: Context In Recommender Systems
Tutorial: Context In Recommender SystemsTutorial: Context In Recommender Systems
Tutorial: Context In Recommender Systems
 
Deep Learning for Recommender Systems - Budapest RecSys Meetup
Deep Learning for Recommender Systems  - Budapest RecSys MeetupDeep Learning for Recommender Systems  - Budapest RecSys Meetup
Deep Learning for Recommender Systems - Budapest RecSys Meetup
 
Recommender Systems
Recommender SystemsRecommender Systems
Recommender Systems
 
Recommender systems: Content-based and collaborative filtering
Recommender systems: Content-based and collaborative filteringRecommender systems: Content-based and collaborative filtering
Recommender systems: Content-based and collaborative filtering
 
Machine Learning for Recommender Systems MLSS 2015 Sydney
Machine Learning for Recommender Systems MLSS 2015 SydneyMachine Learning for Recommender Systems MLSS 2015 Sydney
Machine Learning for Recommender Systems MLSS 2015 Sydney
 

Semelhante a Recurrent Neural Networks for Recommendations and Personalization with Nick Pentreath

RNNs for Recommendations and Personalization
RNNs for Recommendations and PersonalizationRNNs for Recommendations and Personalization
RNNs for Recommendations and PersonalizationNick Pentreath
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender SystemsNick Pentreath
 
Deep Learning for Recommender Systems with Nick pentreath
Deep Learning for Recommender Systems with Nick pentreathDeep Learning for Recommender Systems with Nick pentreath
Deep Learning for Recommender Systems with Nick pentreathDatabricks
 
Search and Recommendations: 3 Sides of the Same Coin
Search and Recommendations: 3 Sides of the Same CoinSearch and Recommendations: 3 Sides of the Same Coin
Search and Recommendations: 3 Sides of the Same CoinNick Pentreath
 
Measuring, Quantifying, & Predicting the Cost-Accuracy Tradeoff
Measuring, Quantifying, & Predicting the Cost-Accuracy TradeoffMeasuring, Quantifying, & Predicting the Cost-Accuracy Tradeoff
Measuring, Quantifying, & Predicting the Cost-Accuracy TradeoffHong-Linh Truong
 
L'architettura di classe enterprise di nuova generazione - Massimo Brignoli
L'architettura di classe enterprise di nuova generazione - Massimo BrignoliL'architettura di classe enterprise di nuova generazione - Massimo Brignoli
L'architettura di classe enterprise di nuova generazione - Massimo BrignoliData Driven Innovation
 
BUILDING BETTER PREDICTIVE MODELS WITH COGNITIVE ASSISTANCE IN A DATA SCIENCE...
BUILDING BETTER PREDICTIVE MODELS WITH COGNITIVE ASSISTANCE IN A DATA SCIENCE...BUILDING BETTER PREDICTIVE MODELS WITH COGNITIVE ASSISTANCE IN A DATA SCIENCE...
BUILDING BETTER PREDICTIVE MODELS WITH COGNITIVE ASSISTANCE IN A DATA SCIENCE...Alex Liu
 
Spark Summit EU talk by Bas Geerdink
Spark Summit EU talk by Bas GeerdinkSpark Summit EU talk by Bas Geerdink
Spark Summit EU talk by Bas GeerdinkSpark Summit
 
FIWARE Training: Introduction to Smart Data Models
FIWARE Training: Introduction to Smart Data ModelsFIWARE Training: Introduction to Smart Data Models
FIWARE Training: Introduction to Smart Data ModelsFIWARE
 
Azure Databricks for Data Scientists
Azure Databricks for Data ScientistsAzure Databricks for Data Scientists
Azure Databricks for Data ScientistsRichard Garris
 
NGD Systems and Microsoft Keynote Presentation at IPDPS MPP in Vacouver
NGD Systems and Microsoft Keynote Presentation at IPDPS MPP in VacouverNGD Systems and Microsoft Keynote Presentation at IPDPS MPP in Vacouver
NGD Systems and Microsoft Keynote Presentation at IPDPS MPP in VacouverScott Shadley, MBA,PMC-III
 
Big Data Architectures @ JAX / BigDataCon 2016
Big Data Architectures @ JAX / BigDataCon 2016Big Data Architectures @ JAX / BigDataCon 2016
Big Data Architectures @ JAX / BigDataCon 2016Guido Schmutz
 
Simplified Machine Learning, Text, and Graph Analytics with Pivotal Greenplum
Simplified Machine Learning, Text, and Graph Analytics with Pivotal GreenplumSimplified Machine Learning, Text, and Graph Analytics with Pivotal Greenplum
Simplified Machine Learning, Text, and Graph Analytics with Pivotal GreenplumVMware Tanzu
 
Bitkom Cray presentation - on HPC affecting big data analytics in FS
Bitkom Cray presentation - on HPC affecting big data analytics in FSBitkom Cray presentation - on HPC affecting big data analytics in FS
Bitkom Cray presentation - on HPC affecting big data analytics in FSPhilip Filleul
 
The Bitter Lesson of ML Pipelines
The Bitter Lesson of ML Pipelines The Bitter Lesson of ML Pipelines
The Bitter Lesson of ML Pipelines Jim Dowling
 
DM Radio Webinar: Adopting a Streaming-Enabled Architecture
DM Radio Webinar: Adopting a Streaming-Enabled ArchitectureDM Radio Webinar: Adopting a Streaming-Enabled Architecture
DM Radio Webinar: Adopting a Streaming-Enabled ArchitectureDATAVERSITY
 
Mtc strategy-briefing-houston-pd m-05212018-3
Mtc strategy-briefing-houston-pd m-05212018-3Mtc strategy-briefing-houston-pd m-05212018-3
Mtc strategy-briefing-houston-pd m-05212018-3Dania Kodeih
 

Semelhante a Recurrent Neural Networks for Recommendations and Personalization with Nick Pentreath (20)

RNNs for Recommendations and Personalization
RNNs for Recommendations and PersonalizationRNNs for Recommendations and Personalization
RNNs for Recommendations and Personalization
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender Systems
 
Deep Learning for Recommender Systems with Nick pentreath
Deep Learning for Recommender Systems with Nick pentreathDeep Learning for Recommender Systems with Nick pentreath
Deep Learning for Recommender Systems with Nick pentreath
 
Search and Recommendations: 3 Sides of the Same Coin
Search and Recommendations: 3 Sides of the Same CoinSearch and Recommendations: 3 Sides of the Same Coin
Search and Recommendations: 3 Sides of the Same Coin
 
Measuring, Quantifying, & Predicting the Cost-Accuracy Tradeoff
Measuring, Quantifying, & Predicting the Cost-Accuracy TradeoffMeasuring, Quantifying, & Predicting the Cost-Accuracy Tradeoff
Measuring, Quantifying, & Predicting the Cost-Accuracy Tradeoff
 
L'architettura di classe enterprise di nuova generazione - Massimo Brignoli
L'architettura di classe enterprise di nuova generazione - Massimo BrignoliL'architettura di classe enterprise di nuova generazione - Massimo Brignoli
L'architettura di classe enterprise di nuova generazione - Massimo Brignoli
 
Shikha fdp 62_14july2017
Shikha fdp 62_14july2017Shikha fdp 62_14july2017
Shikha fdp 62_14july2017
 
BUILDING BETTER PREDICTIVE MODELS WITH COGNITIVE ASSISTANCE IN A DATA SCIENCE...
BUILDING BETTER PREDICTIVE MODELS WITH COGNITIVE ASSISTANCE IN A DATA SCIENCE...BUILDING BETTER PREDICTIVE MODELS WITH COGNITIVE ASSISTANCE IN A DATA SCIENCE...
BUILDING BETTER PREDICTIVE MODELS WITH COGNITIVE ASSISTANCE IN A DATA SCIENCE...
 
Spark Summit EU talk by Bas Geerdink
Spark Summit EU talk by Bas GeerdinkSpark Summit EU talk by Bas Geerdink
Spark Summit EU talk by Bas Geerdink
 
FIWARE Training: Introduction to Smart Data Models
FIWARE Training: Introduction to Smart Data ModelsFIWARE Training: Introduction to Smart Data Models
FIWARE Training: Introduction to Smart Data Models
 
Azure Databricks for Data Scientists
Azure Databricks for Data ScientistsAzure Databricks for Data Scientists
Azure Databricks for Data Scientists
 
NGD Systems and Microsoft Keynote Presentation at IPDPS MPP in Vacouver
NGD Systems and Microsoft Keynote Presentation at IPDPS MPP in VacouverNGD Systems and Microsoft Keynote Presentation at IPDPS MPP in Vacouver
NGD Systems and Microsoft Keynote Presentation at IPDPS MPP in Vacouver
 
BigData Analysis
BigData AnalysisBigData Analysis
BigData Analysis
 
Big Data Architectures @ JAX / BigDataCon 2016
Big Data Architectures @ JAX / BigDataCon 2016Big Data Architectures @ JAX / BigDataCon 2016
Big Data Architectures @ JAX / BigDataCon 2016
 
Simplified Machine Learning, Text, and Graph Analytics with Pivotal Greenplum
Simplified Machine Learning, Text, and Graph Analytics with Pivotal GreenplumSimplified Machine Learning, Text, and Graph Analytics with Pivotal Greenplum
Simplified Machine Learning, Text, and Graph Analytics with Pivotal Greenplum
 
Analytics&IoT
Analytics&IoTAnalytics&IoT
Analytics&IoT
 
Bitkom Cray presentation - on HPC affecting big data analytics in FS
Bitkom Cray presentation - on HPC affecting big data analytics in FSBitkom Cray presentation - on HPC affecting big data analytics in FS
Bitkom Cray presentation - on HPC affecting big data analytics in FS
 
The Bitter Lesson of ML Pipelines
The Bitter Lesson of ML Pipelines The Bitter Lesson of ML Pipelines
The Bitter Lesson of ML Pipelines
 
DM Radio Webinar: Adopting a Streaming-Enabled Architecture
DM Radio Webinar: Adopting a Streaming-Enabled ArchitectureDM Radio Webinar: Adopting a Streaming-Enabled Architecture
DM Radio Webinar: Adopting a Streaming-Enabled Architecture
 
Mtc strategy-briefing-houston-pd m-05212018-3
Mtc strategy-briefing-houston-pd m-05212018-3Mtc strategy-briefing-houston-pd m-05212018-3
Mtc strategy-briefing-houston-pd m-05212018-3
 

Mais de Databricks

DW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptxDW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptxDatabricks
 
Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1Databricks
 
Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2Databricks
 
Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2Databricks
 
Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4Databricks
 
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of HadoopDatabricks
 
Democratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized PlatformDemocratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized PlatformDatabricks
 
Learn to Use Databricks for Data Science
Learn to Use Databricks for Data ScienceLearn to Use Databricks for Data Science
Learn to Use Databricks for Data ScienceDatabricks
 
Why APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML MonitoringWhy APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML MonitoringDatabricks
 
The Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch FixThe Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch FixDatabricks
 
Stage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI IntegrationStage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI IntegrationDatabricks
 
Simplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorchSimplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorchDatabricks
 
Scaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on KubernetesScaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on KubernetesDatabricks
 
Scaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark PipelinesScaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark PipelinesDatabricks
 
Sawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature AggregationsSawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature AggregationsDatabricks
 
Redis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen SinkRedis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen SinkDatabricks
 
Re-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and SparkRe-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and SparkDatabricks
 
Raven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction QueriesRaven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction QueriesDatabricks
 
Processing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache SparkProcessing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache SparkDatabricks
 
Massive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta LakeMassive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta LakeDatabricks
 

Mais de Databricks (20)

DW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptxDW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptx
 
Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1
 
Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2
 
Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2
 
Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4
 
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
 
Democratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized PlatformDemocratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized Platform
 
Learn to Use Databricks for Data Science
Learn to Use Databricks for Data ScienceLearn to Use Databricks for Data Science
Learn to Use Databricks for Data Science
 
Why APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML MonitoringWhy APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML Monitoring
 
The Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch FixThe Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
 
Stage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI IntegrationStage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI Integration
 
Simplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorchSimplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorch
 
Scaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on KubernetesScaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on Kubernetes
 
Scaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark PipelinesScaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark Pipelines
 
Sawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature AggregationsSawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature Aggregations
 
Redis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen SinkRedis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
 
Re-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and SparkRe-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and Spark
 
Raven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction QueriesRaven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction Queries
 
Processing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache SparkProcessing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache Spark
 
Massive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta LakeMassive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta Lake
 

Último

hybrid Seed Production In Chilli & Capsicum.pptx
hybrid Seed Production In Chilli & Capsicum.pptxhybrid Seed Production In Chilli & Capsicum.pptx
hybrid Seed Production In Chilli & Capsicum.pptx9to5mart
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Delhi Call girls
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...amitlee9823
 
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...only4webmaster01
 
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men 🔝mahisagar🔝 Esc...
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men  🔝mahisagar🔝   Esc...➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men  🔝mahisagar🔝   Esc...
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men 🔝mahisagar🔝 Esc...amitlee9823
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxolyaivanovalion
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...amitlee9823
 
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Standamitlee9823
 
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...amitlee9823
 
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightCheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightDelhi Call girls
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Standamitlee9823
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...amitlee9823
 
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...amitlee9823
 
➥🔝 7737669865 🔝▻ Dindigul Call-girls in Women Seeking Men 🔝Dindigul🔝 Escor...
➥🔝 7737669865 🔝▻ Dindigul Call-girls in Women Seeking Men  🔝Dindigul🔝   Escor...➥🔝 7737669865 🔝▻ Dindigul Call-girls in Women Seeking Men  🔝Dindigul🔝   Escor...
➥🔝 7737669865 🔝▻ Dindigul Call-girls in Women Seeking Men 🔝Dindigul🔝 Escor...amitlee9823
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...amitlee9823
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...ZurliaSoop
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...amitlee9823
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...amitlee9823
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Researchmichael115558
 

Último (20)

hybrid Seed Production In Chilli & Capsicum.pptx
hybrid Seed Production In Chilli & Capsicum.pptxhybrid Seed Production In Chilli & Capsicum.pptx
hybrid Seed Production In Chilli & Capsicum.pptx
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
 
CHEAP Call Girls in Rabindra Nagar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Rabindra Nagar  (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Rabindra Nagar  (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Rabindra Nagar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
 
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
 
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men 🔝mahisagar🔝 Esc...
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men  🔝mahisagar🔝   Esc...➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men  🔝mahisagar🔝   Esc...
➥🔝 7737669865 🔝▻ mahisagar Call-girls in Women Seeking Men 🔝mahisagar🔝 Esc...
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFx
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
 
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
 
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men  🔝Mathura🔝   Escorts...
➥🔝 7737669865 🔝▻ Mathura Call-girls in Women Seeking Men 🔝Mathura🔝 Escorts...
 
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightCheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
 
➥🔝 7737669865 🔝▻ Dindigul Call-girls in Women Seeking Men 🔝Dindigul🔝 Escor...
➥🔝 7737669865 🔝▻ Dindigul Call-girls in Women Seeking Men  🔝Dindigul🔝   Escor...➥🔝 7737669865 🔝▻ Dindigul Call-girls in Women Seeking Men  🔝Dindigul🔝   Escor...
➥🔝 7737669865 🔝▻ Dindigul Call-girls in Women Seeking Men 🔝Dindigul🔝 Escor...
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 

Recurrent Neural Networks for Recommendations and Personalization with Nick Pentreath

  • 1. DBG / Oct 3, 2018 / © 2018 IBM Corporation RNNs for Recommendation & Personalization Nick Pentreath Principal Engineer @MLnick
  • 2. DBG / Oct 3, 2018 / © 2018 IBM Corporation About @MLnick on Twitter & Github Principal Engineer, IBM CODAIT - Center for Open-Source Data & AI Technologies Machine Learning & AI Apache Spark committer & PMC Author of Machine Learning with Spark Various conferences & meetups
  • 3. DBG / Oct 3, 2018 / © 2018 IBM Corporation Center for Open Source Data and AI Technologies CODAIT codait.org CODAIT aims to make AI solutions dramatically easier to create, deploy, and manage in the enterprise Relaunch of the Spark Technology Center (STC) to reflect expanded mission Improving Enterprise AI Lifecycle in Open Source
  • 4. DBG / Oct 3, 2018 / © 2018 IBM Corporation Agenda Recommender systems overview Deep learning and RNNs RNNs for recommendations Challenges and future directions
  • 5. DBG / Oct 3, 2018 / © 2018 IBM Corporation Recommender Systems
  • 6. DBG / Oct 3, 2018 / © 2018 IBM Corporation Users and Items Recommender Systems
  • 7. DBG / Oct 3, 2018 / © 2018 IBM Corporation Events Recommender Systems Implicit preference data ▪ Online – page view, click, app interaction ▪ Commerce – cart, purchase, return ▪ Media – preview, watch, listen Explicit preference data ▪ Ratings, reviews Intent ▪ Search query Social ▪ Like, share, follow, unfollow, block
  • 8. DBG / Oct 3, 2018 / © 2018 IBM Corporation Context Recommender Systems
  • 9. DBG / Oct 3, 2018 / © 2018 IBM Corporation Prediction Recommender Systems Prediction is ranking – Given a user and context, rank the available items in order of likelihood that the user will interact with them Sort items
  • 10. DBG / Oct 3, 2018 / © 2018 IBM Corporation Matrix Factorization Recommender Systems The de facto standard model – Represent user ratings as a user-item matrix – Find two smaller matrices (called the factor matrices) that approximate the full matrix – Minimize the reconstruction error (i.e. rating prediction / completion) – Efficient, scalable algorithms • Gradient Descent • Alternating Least Squares (ALS) – Prediction is simple – Can handle implicit data
  • 11. DBG / Oct 3, 2018 / © 2018 IBM Corporation Cold Start Recommender Systems New items – No historical interaction data – Typically use baselines (e.g. populariy) or item content New (or unknown) users – Previously unseen or anonymous users have no user profile or historical interactions – Have context data (but possibly very limited) – Cannot directly use collaborative filtering models • Item-similarity for current item • Represent session as aggregation of items • Contextual models can incorporate short-term history
  • 12. DBG / Oct 3, 2018 / © 2018 IBM Corporation Deep Learning and 
 Recurrent Neural Networks
  • 13. DBG / Oct 3, 2018 / © 2018 IBM Corporation Overview Deep Learning Original theory from 1940s; computer models originated around 1960s; fell out of favor in 1980s/90s Recent resurgence due to – Bigger (and better) data; standard datasets (e.g. ImageNet) – Better hardware (GPUs) – Improvements to algorithms, architectures and optimization Leading to new state-of-the-art results in computer vision (images and video); speech/ text; language translation and more Source: Wikipedia
  • 14. DBG / Oct 3, 2018 / © 2018 IBM Corporation Modern Neural Networks Deep Learning Deep (multi-layer) networks Computer vision – Convolution neural networks (CNNs) – Image classification, object detection, segmentation Sequences and time-series – Recurrent neural networks (RNNs) – Machine translation, text generation – LSTMs, GRUs Embeddings – Text, categorical features Deep learning frameworks – Flexibility, computation graphs, auto-differentiation, GPUs Source: Stanford CS231n
  • 15. DBG / Oct 3, 2018 / © 2018 IBM Corporation Recurrent Neural Networks Deep Learning Neural Network on Sequences … – … sequence of neural network (layers) – Hidden layers (state) dependent on previous state as well as current input – “memory” of what came before Source: Stanford CS231n – Share weights across all time steps – Training using backpropagation through time (BPTT)
  • 16. DBG / Oct 3, 2018 / © 2018 IBM Corporation Recurrent Neural Networks Source: Andrej Karpathy Deep Learning
  • 17. DBG / Oct 3, 2018 / © 2018 IBM Corporation Recurrent Neural Networks Deep Learning Issues – Exploding gradients - clip / scale gradients – Vanishing gradients Source: Stanford CS231n Solutions – Truncated BPTT – Restrict sequence length – Cannot encode very long term memory
  • 18. DBG / Oct 3, 2018 / © 2018 IBM Corporation Recurrent Neural Networks Deep Learning Long Short Term Memory (LSTM) – Replace simple RNN layer (activation) with a LSTM cell – Cell has 3 gates - Input (i), Forget (f), Output (o) – Activation (g) – Backpropagation depends only on elementwise operations (no matrix operations over W) Gated Recurrent Unit (GRU) – Effectively a simplified version of LSTM – 2 gates instead of 3 - input and forget gate is combined into an update gate. No output gate GRU has fewer parameters, LSTM may be more expressive Source: Stanford CS231n; Hochreiter et al.
  • 19. DBG / Oct 3, 2018 / © 2018 IBM Corporation Recurrent Neural Networks Deep Learning Variants – Multi-layer (deep) RNNs – Bi-directional – Deep bi-directional – Attention Source: Stanford CS231n; Denny Britz
  • 20. DBG / Oct 3, 2018 / © 2018 IBM Corporation RNNs for Recommendations
  • 21. DBG / Oct 3, 2018 / © 2018 IBM Corporation Deep Learning for Recommenders Overview RNNs for Recommendations Most approaches have focused on combining – Performance of collaborative filtering models (especially matrix factorization) • Embeddings with appropriate loss = MF – Power of deep learning for feature extraction • CNNs for image content, audio, etc. • Embeddings for categorical features • Linear models for interactions • RNNs for text Source: Spotify / Sander Dieleman Google Research
  • 22. DBG / Oct 3, 2018 / © 2018 IBM Corporation Session-based recommendation RNNs for Recommendations Apply the advances in sequence modeling from deep learning – RNN architectures trained on the sequence of user events in a session (e.g. products viewed, purchased) to predict next item in session – Adjustments for domain • Item encoding (1-of-N, weighted average) • Parallel mini-batch processing • Ranking losses – BPR , TOP1 • Negative item sampling per mini-batch – Report 20-30% accuracy gain over baselines Source: Hidasi, Karatzoglou, Baltrunas, Tikk
  • 23. DBG / Oct 3, 2018 / © 2018 IBM Corporation Contextual Session-based models RNNs for Recommendations Add contextual data to the RNN architecture – Context included time, time since last event, event type – Combine context data with input / output layer – Also combine context with the RNN layers – About 3-6% improvement (in Recall@10 metric) over simple RNN baseline – Importantly, model is even better at predicting sales (vs view, add to cart events) and at predicting new / fresh items (vs items the user has already seen) Source: Smirnova, Vasile
  • 24. DBG / Oct 3, 2018 / © 2018 IBM Corporation Content and Session-based models RNNs for Recommendations Add content data to the RNN architecture – Parallel RNN (p-RNN) – Follows trend in combining DL architectures for content feature extraction with CF models for interaction data • CNN for image data • BOW for text (alternatives are Word2Vec-style models and RNN language models) – Some training tricks • Alternating – keep one subnet fixed, train other • Residual – subnets trained on residual error • Interleaved – alternating training per mini-batch Source: Hidasi, Quadrana, Karatzoglou, Tikk
  • 25. DBG / Oct 3, 2018 / © 2018 IBM Corporation 3D CNNs for Session-based Recommendation RNNs for Recommendations As we’ve seen in text / NLP, CNNs can also be effective in modeling sequences – 3D convolutional models have been applied in video classification – Potentially faster to train, easier to understand – Use character-level encoding of IDs and item features (name, description, categories) • Compact representation • No embedding layer – “ResNet” style architecture – Show improvement over p-RNN Source: Tuan, Phuong
  • 26. DBG / Oct 3, 2018 / © 2018 IBM Corporation Challenges Challenges particular to recommendation models – Data size and dimensionality (input & output) • Sampling – Extreme sparsity • Embeddings & compressed representations – Wide variety of specialized settings – Combining session, content, context and preference data – Model serving is difficult – ranking, large number of items, computationally expensive – Metrics – model accuracy and its relation to real- world outcomes and behaviors – Need for standard, open, large-scale, datasets that have time and session data and are content- and context-rich • RecSys 15 Challenge – YouChoose dataset – Evaluation – watch you baselines! • When Recurrent Neural Networks meet the Neighborhood for Session-Based Recommendation Challenges and Future Directions
  • 27. DBG / Oct 3, 2018 / © 2018 IBM Corporation Future Directions Challenges and Future Directions Most recent and future directions in research & industry – Improved RNNs • Cross-session models (e.g. Hierarchical RNN) • Further research on contextual models, as well as content and metadata • Attention models: – Attentive Neural Architecture for Music Recommendation – Neural Attentive Session-based Recommendation – Combine sequence and historical models (long- and short-term user profiles) – Domain-specific applications • Contextualized Location Sequence Recommender – RecGAN (yes, GANs and RNNS!) – Applications at scale • Dimensionality reduction, compressed encodings
  • 28. DBG / Oct 3, 2018 / © 2018 IBM Corporation Summary Challenges and Future Directions DL for recommendation is just getting started (again) – Huge increase in interest, research papers. Already many new models and approaches – DL approaches have generally yielded incremental % gains • But that can translate to significant $$$ • More pronounced in session-based – Cold start scenarios benefit from multi-modal nature of DL models and explicit modeling of sequences – Flexibility of DL frameworks helps a lot – Benefits from advances in DL for images, video, NLP etc. – Open-source libraries appearing (e.g. Spotlight) – Check out DLRS workshops & tutorials @ RecSys 2016 / 2017, and upcoming in Oct, 2018 – RecSys challenges
  • 29. DBG / Oct 3, 2018 / © 2018 IBM Corporation Thank you! codait.org twitter.com/MLnick github.com/MLnick developer.ibm.com FfDL Sign up for IBM Cloud and try Watson Studio! https://ibm.biz/BdYbTY https://datascience.ibm.com/ MAX
  • 30. DBG / Oct 3, 2018 / © 2018 IBM Corporation Links & References Wikipedia: Perceptron Stanford CS231n Convolutional Neural Networks for Visual Recognition Stanford CS231n – RNN Slides Recurrent Neural Networks Tutorial The Unreasonable Effectiveness of Recurrent Neural Networks Understanding LSTM Networks Learning Phrase Representations using RNN Encoder- Decoder for Statistical Machine Translation Long short-term memory Attention and Augmented Recurrent Neural Networks
  • 31. DBG / Oct 3, 2018 / © 2018 IBM Corporation Links & References Deep Content-based Music Recommendation Google’s Wide and Deep Learning Model Deep Learning for Recommender Systems Workshops @ RecSys Deep Learning for Recommender Systems Tutorial @ RecSys 2017 Session-based Recommendations with Recurrent Neural Networks Recurrent Neural Networks with Top-k Gains for Session- based Recommendations Sequential User-based Recurrent Neural Network Recommendations
  • 32. DBG / Oct 3, 2018 / © 2018 IBM Corporation Links & References Personalizing Session-based Recommendations with Hierarchical Recurrent Neural Networks Parallel Recurrent Neural Network Architectures for Feature-rich Session-based Recommendations Contextual Sequence Modeling for Recommendation with Recurrent Neural Networks When Recurrent Neural Networks meet the Neighborhood for Session-Based Recommendation 3D Convolutional Networks for Session-based Recommendation with Content Features Spotlight: Recommendation models in PyTorch RecSys 2015 Challenge – YouChoose Dataset
  • 33. DBG / Oct 3, 2018 / © 2018 IBM Corporation