SlideShare une entreprise Scribd logo
1  sur  36
DM
Deep Learning based Recommender System :
A survey and New Perspectives (1/2)
Zhang Et al. ’17
이현성
DMIndex
Introduction
Category of neural network and NN based recommender algorithms
MLP-based recommenders
AE-based recommenders
CNN-based recommenders
RNN-based recommenders
DSSM-based recommendersa
DM
Introduction
DM
Why should we care about deep learning based RS?
many successes in various application areas in both academia and industry.
Deep Learning techniques enables to exploit complex data
image, tags, text,
DM
이 논문이 너무 많은 모델을 다루고 있어서
모델의 성능이나, 자세한 알고리즘은 제외하고
Deep Learning 모델을 사용한 이유
이런 점을 Deep Learning을 이용해 해결하려 했다
같은 Motivation과 Insight만 note하겠습니다.
DM
Category of neural network and NN based r
ecommender algorithms
DM
Frequently used Deep Learning Techniques
• Multi-Layer Perceptron (MLP)
• Autoencoder (AE)
• Convolutional Neural Network (CNN)
• Recurrent Neural Network (RNN)
• Deep Semantic Similarity Model (DSSM)
• Restricted Boltzmann Machine (RBM)
• Neural Autoregressive Distribution Estimation (NADE)
• Generative Adversarial Network (GAN)
DM
Recommender systems as neural network models
1) Models Using Single Deep-Learning Techniques
a) exploit one of mentioned eight techniques
i) Extracting item features from images
ii) Recommendation with explanations
2) Composite Models
a) exploit more than one deep learning techniques
i) GAN using AE as generator, MLP as discriminator.
ii) applying extracted item features using CNN to RNN
DM
Integration of Deep learning with Traditional RS
1) Solely Deep-Learning based Models
a) Predicting scores using MLP
1) Coupled Models (Recommender model + Neural network model)
a) AutoEncoder + extracted image features with CNN
i) two model objectives are updated simultaneously (Tightly Coupled models)
ii) two step learning (Loosely Coupled models )
DM
Classification of Deep-Learning based Recommender System
DM
MLP Based Recommender Systems
DMNeural Collaborative Filtering (NCF)
 Motivation
 Previous Matrix Factorization only consi
ders linear relationship between users a
nd items
 𝑦 𝑢𝑖 = 𝑑𝑜𝑡 𝑢, 𝑖
 Solution
 Non-linear Relationship between users
and items
 𝑦 𝑢𝑖 = 𝑓 𝑢, 𝑖 Θ
 Where 𝑓 Θ is multi-layer perceptron.
 User-Item interaction prediction
DMWide & Deep Learning
Motivation
 Linear regression is good at
memorization
 Deep MLP is good at generalization,
catching deep features.
Solution
 Integrate linear regression and MLP
구글 플레이스토어에서, 쿼리에 맞
는 application하는 데 사용 중인
알고리즘
DMYoutube Video Recommendation (Covington et al.)
Motivation
 There are too many features to tuned
Solution
 MLP works quite well without
exhaustive feature engineering
Youtube에서 personalized video
recommendation을 할 때 사용중
인 알고리즘
DM
Autoencoder Based Recommender Systems
DM추천 시스템에서 Autoencoder가 주로 사용되는 용
도
Predict interaction between user
and items
Motivation
 Denosing, Reconstruction effects of
Autoencoder will be helpful in
revealing un-observed preferences of
users.
Feature Extraction
Motivation
 Use Autoencoder to learn low-
dimension representation in the
bottleneck layer
Autoencoder는 주로 이 두 가지 방법으로 사용되고, IR과 Recsys
community에서는 상당히 기본적인 방법이 되었다.
DMOverview
DMAutoencoder as generative model
3
5
4
i1 i2 i3 i4 i5
u1 ? ? 3 4 ?
u2 2 ? 5 ? ?
u3 ? 1 ? ? ?
u4 2 ? 4 ? 3
2.8
4.6
2.3
3.5
Predicted rating 𝑟33
Rating prediction
DMAutoencoder as feature extractor
1
0
1
0
animation Horror Action romance
i1
i2 1 0 0 1
i3
i4
0.1
0.8
1
0
0
1
Predicted rating 𝑟33
Low-dimension
representation
DM
CNN Based Recommender Systems
DMConvolutional Neural Network is
Capable to extract low-dimensional feature from complex data
(image, fixed-size sequences…)
These side information(image) can be used to alleviate cold-start
problem.
Motivation
 CNN-based recommender systems mainly aims to help recommendation quality
using side information
DMGeneral CNN based Recommender systems
Motivation
 Images of items contains much
information
Solution
 Use CNN to extract these information
into latent codes.
Image of item i
CNN
Latent code
Item vector of
item i
Output : Item representation
Addition
DM
Personalized Image Tag Recommendation
(Nguyen et al.)
Motivation
 CNN can code image into vectors
 User can be embed into vectors
using current ML techniques.
Image에 어울리는 tag를 generate
하기 위해 제안된 알고리즘
Image input
Convolution
Max-pooling User info
Tag Food Holid
ay
Love … Selfie
Score 0.3 0.1 0.5 … 0.8
Image에서 feature를 미리
추출해서 pretrained vector로
사용하는 경우도 많다.
DMCNN for Audio Feature Extraction
Motivation
 Allivate cold-start problem using
Content information
Solution
 Learn latent vector representation
using Audio features
Audio Features for item i
Convolution
𝑦𝑖′ 𝑦𝑖
𝑦𝑖 는 WMF model이 만든 item i의 latent
representation
DM
RNN Based Recommender Systems
DMRecurrent Neural Network
Mainly concerned with sequential behaviors
User/Item evolves with time (temporal dynamics)
Session based recommendations
 rare user information is known
 Sequential behavior become more important than normal cases.
Text understanding
 Like CNN, RNN enables to exploit rich side information(text)
DMGRU-Rec (Hidasi et al.)
Motivation
 user’s each click in web-page is
closely related with each others
Solution
 Bidirectional GRU fits to model this
sequential behavior well
Input :
One-
hot
Enco
ded
Vect
or
Emb
eddin
g
Layer
GRU
Layer
GRU
Layer
GRU
Layer
…
Feed
forwa
rd
Layer
Outp
ut :
score
s on
items
DMRecurrent Recommender Network (Wu et al.)
Motivation
 Users and items behavior change
over time
Solution
 Models user and item behaviors
using LSTM
 𝒓 𝒖𝒊|𝒕 = 𝒇 𝒖 𝒖, 𝒖 𝒖𝒕, 𝒗𝒊, 𝒗𝒊𝒕
DMGRU Multitask Learning (Bansal et al.)
Motivation
 Rich text information will be helpful
Solution
 Use GRU to encode text sequences
(review, description of items)
Text description
of item i
GRU
Latent code
Item vector of
item i
Output : Item representation
Addition
여러 representation을 합칠 때,
의외로 dot이나 elementwise
multiplication보다 단순 addition이
성능이 더 좋은 경우가 많은 것 같다.
DM
DSSM Based Recommender Systems
DMDeep Structured Semantic Model
DMDeep Structured Semantic Model
DMTraining DSSM
Query와 relevant한 document의
cosine similarity는 1에 가깝게,
Query와 irrevant한 document의
cosine similarity는 0에 가깝게.
DMDeep Structured Semantic Model
Motivation
 User,item 둘 다 side-information을 갖
고 있다.
Solution
 DSSM을 그대로 적용하자.
 DSSM 자체는 similarity measure를
제외하면 Neural Collaborative
filtering, 혹은 MF with side
information의 generalization으로 볼
수 있다.
Query가 아닌 user의
information을 input으로
DMFuture research directions
Better understanding of users and items
 딥러닝 모델은 이미지나 텍스트를 잘 모델링한다!(적어도 기존의 방법보다는) 하지만
이러한 모델링은 아직 미숙한 수준이며(Deep learning에서 이용되는 아이디어를 그대
로 가져온 수준), 더 잘 하는 방법이 있을 것이다.
Temporal Dynamics
 Session based Recommendation systems, and recommender with temporal
dynamics are not novel research topics, but they are largely underinvestiagted.
DMFuture research directions
Cross-domain / Multi-task learning
 User의 purchase behavior 등을 은행 등에서 활용하려는 시도가 있다.
 한 도메인의 knowledge을, 다른 도메인에 적용하거나,
 여러 도메인의 지식을 동시에 활용했을 시의 성능 향상을 기대할 수 있다.
Novel Evaluation Metrics
 Accuracy, Relevance measures are not good for evaluating recommender.

Contenu connexe

Tendances

Recommender Systems from A to Z – Model Training
Recommender Systems from A to Z – Model TrainingRecommender Systems from A to Z – Model Training
Recommender Systems from A to Z – Model TrainingCrossing Minds
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender SystemsJustin Basilico
 
Missing values in recommender models
Missing values in recommender modelsMissing values in recommender models
Missing values in recommender modelsParmeshwar Khurd
 
Sequential Decision Making in Recommendations
Sequential Decision Making in RecommendationsSequential Decision Making in Recommendations
Sequential Decision Making in RecommendationsJaya Kawale
 
Learning a Personalized Homepage
Learning a Personalized HomepageLearning a Personalized Homepage
Learning a Personalized HomepageJustin Basilico
 
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
 
Recent advances in deep recommender systems
Recent advances in deep recommender systemsRecent advances in deep recommender systems
Recent advances in deep recommender systemsNAVER Engineering
 
Graph Neural Networks for Recommendations
Graph Neural Networks for RecommendationsGraph Neural Networks for Recommendations
Graph Neural Networks for RecommendationsWQ Fan
 
An introduction to Recommender Systems
An introduction to Recommender SystemsAn introduction to Recommender Systems
An introduction to Recommender SystemsDavid Zibriczky
 
Recommender system algorithm and architecture
Recommender system algorithm and architectureRecommender system algorithm and architecture
Recommender system algorithm and architectureLiang Xiang
 
Overview of recommender system
Overview of recommender systemOverview of recommender system
Overview of recommender systemStanley Wang
 
Introduction to Recommendation System
Introduction to Recommendation SystemIntroduction to Recommendation System
Introduction to Recommendation SystemMinha Hwang
 
Deeper Things: How Netflix Leverages Deep Learning in Recommendations and Se...
 Deeper Things: How Netflix Leverages Deep Learning in Recommendations and Se... Deeper Things: How Netflix Leverages Deep Learning in Recommendations and Se...
Deeper Things: How Netflix Leverages Deep Learning in Recommendations and Se...Sudeep Das, Ph.D.
 
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
 
Past, present, and future of Recommender Systems: an industry perspective
Past, present, and future of Recommender Systems: an industry perspectivePast, present, and future of Recommender Systems: an industry perspective
Past, present, and future of Recommender Systems: an industry perspectiveXavier Amatriain
 
[UMAP2013]Tutorial on Context-Aware User Modeling for Recommendation by Bamsh...
[UMAP2013]Tutorial on Context-Aware User Modeling for Recommendation by Bamsh...[UMAP2013]Tutorial on Context-Aware User Modeling for Recommendation by Bamsh...
[UMAP2013]Tutorial on Context-Aware User Modeling for Recommendation by Bamsh...YONG ZHENG
 
Recommendation Systems
Recommendation SystemsRecommendation Systems
Recommendation SystemsRobin Reni
 
Recommender Systems
Recommender SystemsRecommender Systems
Recommender SystemsLior Rokach
 
Recsys 2016 tutorial: Lessons learned from building real-life recommender sys...
Recsys 2016 tutorial: Lessons learned from building real-life recommender sys...Recsys 2016 tutorial: Lessons learned from building real-life recommender sys...
Recsys 2016 tutorial: Lessons learned from building real-life recommender sys...Xavier Amatriain
 

Tendances (20)

Recommender Systems from A to Z – Model Training
Recommender Systems from A to Z – Model TrainingRecommender Systems from A to Z – Model Training
Recommender Systems from A to Z – Model Training
 
Deep Learning for Recommender Systems
Deep Learning for Recommender SystemsDeep Learning for Recommender Systems
Deep Learning for Recommender Systems
 
Missing values in recommender models
Missing values in recommender modelsMissing values in recommender models
Missing values in recommender models
 
Sequential Decision Making in Recommendations
Sequential Decision Making in RecommendationsSequential Decision Making in Recommendations
Sequential Decision Making in Recommendations
 
Learning a Personalized Homepage
Learning a Personalized HomepageLearning a Personalized Homepage
Learning a Personalized Homepage
 
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...
 
Recommender Systems
Recommender SystemsRecommender Systems
Recommender Systems
 
Recent advances in deep recommender systems
Recent advances in deep recommender systemsRecent advances in deep recommender systems
Recent advances in deep recommender systems
 
Graph Neural Networks for Recommendations
Graph Neural Networks for RecommendationsGraph Neural Networks for Recommendations
Graph Neural Networks for Recommendations
 
An introduction to Recommender Systems
An introduction to Recommender SystemsAn introduction to Recommender Systems
An introduction to Recommender Systems
 
Recommender system algorithm and architecture
Recommender system algorithm and architectureRecommender system algorithm and architecture
Recommender system algorithm and architecture
 
Overview of recommender system
Overview of recommender systemOverview of recommender system
Overview of recommender system
 
Introduction to Recommendation System
Introduction to Recommendation SystemIntroduction to Recommendation System
Introduction to Recommendation System
 
Deeper Things: How Netflix Leverages Deep Learning in Recommendations and Se...
 Deeper Things: How Netflix Leverages Deep Learning in Recommendations and Se... Deeper Things: How Netflix Leverages Deep Learning in Recommendations and Se...
Deeper Things: How Netflix Leverages Deep Learning in Recommendations and Se...
 
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
 
Past, present, and future of Recommender Systems: an industry perspective
Past, present, and future of Recommender Systems: an industry perspectivePast, present, and future of Recommender Systems: an industry perspective
Past, present, and future of Recommender Systems: an industry perspective
 
[UMAP2013]Tutorial on Context-Aware User Modeling for Recommendation by Bamsh...
[UMAP2013]Tutorial on Context-Aware User Modeling for Recommendation by Bamsh...[UMAP2013]Tutorial on Context-Aware User Modeling for Recommendation by Bamsh...
[UMAP2013]Tutorial on Context-Aware User Modeling for Recommendation by Bamsh...
 
Recommendation Systems
Recommendation SystemsRecommendation Systems
Recommendation Systems
 
Recommender Systems
Recommender SystemsRecommender Systems
Recommender Systems
 
Recsys 2016 tutorial: Lessons learned from building real-life recommender sys...
Recsys 2016 tutorial: Lessons learned from building real-life recommender sys...Recsys 2016 tutorial: Lessons learned from building real-life recommender sys...
Recsys 2016 tutorial: Lessons learned from building real-life recommender sys...
 

Similaire à Deep learning based recommender systems (lab seminar paper review)

From Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxFrom Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxChun-Hao Chang
 
Bangla Handwritten Digit Recognition Report.pdf
Bangla Handwritten Digit Recognition  Report.pdfBangla Handwritten Digit Recognition  Report.pdf
Bangla Handwritten Digit Recognition Report.pdfKhondokerAbuNaim
 
Top 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know inTop 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know inAmanKumarSingh97
 
AI & ML in Defence Systems - Sunil Chomal
AI & ML in Defence Systems   - Sunil ChomalAI & ML in Defence Systems   - Sunil Chomal
AI & ML in Defence Systems - Sunil ChomalSunil Chomal
 
Archana kalapgar 19210184_ca684
Archana kalapgar 19210184_ca684Archana kalapgar 19210184_ca684
Archana kalapgar 19210184_ca684ArchanaKalapgar
 
Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence           Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence CruzIbarra161
 
Tejal nijai 19210412_report
Tejal nijai 19210412_reportTejal nijai 19210412_report
Tejal nijai 19210412_reportTejalNijai
 
Machine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeonMachine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeonActiveeon
 
deeplearning
deeplearningdeeplearning
deeplearninghuda2018
 
Machine Learning for Dummies (without mathematics)
Machine Learning for Dummies (without mathematics)Machine Learning for Dummies (without mathematics)
Machine Learning for Dummies (without mathematics)ActiveEon
 
Building Azure Machine Learning Models
Building Azure Machine Learning ModelsBuilding Azure Machine Learning Models
Building Azure Machine Learning ModelsEng Teong Cheah
 
ML crash course
ML crash courseML crash course
ML crash coursemikaelhuss
 
deepnet-lourentzou.ppt
deepnet-lourentzou.pptdeepnet-lourentzou.ppt
deepnet-lourentzou.pptyang947066
 
SVM-KNN Hybrid Method for MR Image
SVM-KNN Hybrid Method for MR ImageSVM-KNN Hybrid Method for MR Image
SVM-KNN Hybrid Method for MR ImageIRJET Journal
 
Muhammad Usman Akhtar | Ph.D Scholar | Wuhan University | School of Co...
Muhammad Usman Akhtar  |  Ph.D Scholar  |  Wuhan  University  |  School of Co...Muhammad Usman Akhtar  |  Ph.D Scholar  |  Wuhan  University  |  School of Co...
Muhammad Usman Akhtar | Ph.D Scholar | Wuhan University | School of Co...Wuhan University
 

Similaire à Deep learning based recommender systems (lab seminar paper review) (20)

From Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxFrom Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptx
 
Bangla Handwritten Digit Recognition Report.pdf
Bangla Handwritten Digit Recognition  Report.pdfBangla Handwritten Digit Recognition  Report.pdf
Bangla Handwritten Digit Recognition Report.pdf
 
Three classes of deep learning networks
Three classes of deep learning networksThree classes of deep learning networks
Three classes of deep learning networks
 
Occurrence Prediction_NLP
Occurrence Prediction_NLPOccurrence Prediction_NLP
Occurrence Prediction_NLP
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Top 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know inTop 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know in
 
presentation.ppt
presentation.pptpresentation.ppt
presentation.ppt
 
AI & ML in Defence Systems - Sunil Chomal
AI & ML in Defence Systems   - Sunil ChomalAI & ML in Defence Systems   - Sunil Chomal
AI & ML in Defence Systems - Sunil Chomal
 
Archana kalapgar 19210184_ca684
Archana kalapgar 19210184_ca684Archana kalapgar 19210184_ca684
Archana kalapgar 19210184_ca684
 
One shot learning
One shot learningOne shot learning
One shot learning
 
Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence           Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence
 
Tejal nijai 19210412_report
Tejal nijai 19210412_reportTejal nijai 19210412_report
Tejal nijai 19210412_report
 
Machine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeonMachine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeon
 
deeplearning
deeplearningdeeplearning
deeplearning
 
Machine Learning for Dummies (without mathematics)
Machine Learning for Dummies (without mathematics)Machine Learning for Dummies (without mathematics)
Machine Learning for Dummies (without mathematics)
 
Building Azure Machine Learning Models
Building Azure Machine Learning ModelsBuilding Azure Machine Learning Models
Building Azure Machine Learning Models
 
ML crash course
ML crash courseML crash course
ML crash course
 
deepnet-lourentzou.ppt
deepnet-lourentzou.pptdeepnet-lourentzou.ppt
deepnet-lourentzou.ppt
 
SVM-KNN Hybrid Method for MR Image
SVM-KNN Hybrid Method for MR ImageSVM-KNN Hybrid Method for MR Image
SVM-KNN Hybrid Method for MR Image
 
Muhammad Usman Akhtar | Ph.D Scholar | Wuhan University | School of Co...
Muhammad Usman Akhtar  |  Ph.D Scholar  |  Wuhan  University  |  School of Co...Muhammad Usman Akhtar  |  Ph.D Scholar  |  Wuhan  University  |  School of Co...
Muhammad Usman Akhtar | Ph.D Scholar | Wuhan University | School of Co...
 

Plus de hyunsung lee

Learning deep structured semantic models for web search
Learning deep structured semantic models for web searchLearning deep structured semantic models for web search
Learning deep structured semantic models for web searchhyunsung lee
 
추천 시스템 개요 (1)-draft
추천 시스템 개요 (1)-draft추천 시스템 개요 (1)-draft
추천 시스템 개요 (1)-drafthyunsung lee
 
Catching co occurrence information using word2vec-inspired matrix factorization
Catching co occurrence information using word2vec-inspired matrix factorizationCatching co occurrence information using word2vec-inspired matrix factorization
Catching co occurrence information using word2vec-inspired matrix factorizationhyunsung lee
 
아이템 추천의 다양성을 높이기 위한 후처리 방법(논문 리뷰)
아이템 추천의 다양성을 높이기 위한 후처리 방법(논문 리뷰)아이템 추천의 다양성을 높이기 위한 후처리 방법(논문 리뷰)
아이템 추천의 다양성을 높이기 위한 후처리 방법(논문 리뷰)hyunsung lee
 
Session-Based Recommendations with Recurrent Neural Networks (Balazs Hidasi, ...
Session-Based Recommendations with Recurrent Neural Networks(Balazs Hidasi, ...Session-Based Recommendations with Recurrent Neural Networks(Balazs Hidasi, ...
Session-Based Recommendations with Recurrent Neural Networks (Balazs Hidasi, ...hyunsung lee
 
Neural collaborative filtering-발표
Neural collaborative filtering-발표Neural collaborative filtering-발표
Neural collaborative filtering-발표hyunsung lee
 
Word vectorization(embedding) with nnlm
Word vectorization(embedding) with nnlmWord vectorization(embedding) with nnlm
Word vectorization(embedding) with nnlmhyunsung lee
 
2013313990 이현성 졸업작품 제안서
2013313990 이현성 졸업작품 제안서2013313990 이현성 졸업작품 제안서
2013313990 이현성 졸업작품 제안서hyunsung lee
 
Derivation of cost function for logistic regression
Derivation of cost function for logistic regressionDerivation of cost function for logistic regression
Derivation of cost function for logistic regressionhyunsung lee
 

Plus de hyunsung lee (9)

Learning deep structured semantic models for web search
Learning deep structured semantic models for web searchLearning deep structured semantic models for web search
Learning deep structured semantic models for web search
 
추천 시스템 개요 (1)-draft
추천 시스템 개요 (1)-draft추천 시스템 개요 (1)-draft
추천 시스템 개요 (1)-draft
 
Catching co occurrence information using word2vec-inspired matrix factorization
Catching co occurrence information using word2vec-inspired matrix factorizationCatching co occurrence information using word2vec-inspired matrix factorization
Catching co occurrence information using word2vec-inspired matrix factorization
 
아이템 추천의 다양성을 높이기 위한 후처리 방법(논문 리뷰)
아이템 추천의 다양성을 높이기 위한 후처리 방법(논문 리뷰)아이템 추천의 다양성을 높이기 위한 후처리 방법(논문 리뷰)
아이템 추천의 다양성을 높이기 위한 후처리 방법(논문 리뷰)
 
Session-Based Recommendations with Recurrent Neural Networks (Balazs Hidasi, ...
Session-Based Recommendations with Recurrent Neural Networks(Balazs Hidasi, ...Session-Based Recommendations with Recurrent Neural Networks(Balazs Hidasi, ...
Session-Based Recommendations with Recurrent Neural Networks (Balazs Hidasi, ...
 
Neural collaborative filtering-발표
Neural collaborative filtering-발표Neural collaborative filtering-발표
Neural collaborative filtering-발표
 
Word vectorization(embedding) with nnlm
Word vectorization(embedding) with nnlmWord vectorization(embedding) with nnlm
Word vectorization(embedding) with nnlm
 
2013313990 이현성 졸업작품 제안서
2013313990 이현성 졸업작품 제안서2013313990 이현성 졸업작품 제안서
2013313990 이현성 졸업작품 제안서
 
Derivation of cost function for logistic regression
Derivation of cost function for logistic regressionDerivation of cost function for logistic regression
Derivation of cost function for logistic regression
 

Dernier

SMOTE and K-Fold Cross Validation-Presentation.pptx
SMOTE and K-Fold Cross Validation-Presentation.pptxSMOTE and K-Fold Cross Validation-Presentation.pptx
SMOTE and K-Fold Cross Validation-Presentation.pptxHaritikaChhatwal1
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...Amil Baba Dawood bangali
 
Decoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectDecoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectBoston Institute of Analytics
 
Unveiling the Role of Social Media Suspect Investigators in Preventing Online...
Unveiling the Role of Social Media Suspect Investigators in Preventing Online...Unveiling the Role of Social Media Suspect Investigators in Preventing Online...
Unveiling the Role of Social Media Suspect Investigators in Preventing Online...Milind Agarwal
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxaleedritatuxx
 
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...Dr Arash Najmaei ( Phd., MBA, BSc)
 
Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 217djon017
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Seán Kennedy
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPTBoston Institute of Analytics
 
Advanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsAdvanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsVICTOR MAESTRE RAMIREZ
 
Semantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxSemantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxMike Bennett
 
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Boston Institute of Analytics
 
Principles and Practices of Data Visualization
Principles and Practices of Data VisualizationPrinciples and Practices of Data Visualization
Principles and Practices of Data VisualizationKianJazayeri1
 
Learn How Data Science Changes Our World
Learn How Data Science Changes Our WorldLearn How Data Science Changes Our World
Learn How Data Science Changes Our WorldEduminds Learning
 
Bank Loan Approval Analysis: A Comprehensive Data Analysis Project
Bank Loan Approval Analysis: A Comprehensive Data Analysis ProjectBank Loan Approval Analysis: A Comprehensive Data Analysis Project
Bank Loan Approval Analysis: A Comprehensive Data Analysis ProjectBoston Institute of Analytics
 
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptxThe Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptxTasha Penwell
 
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesConf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesTimothy Spann
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Cathrine Wilhelmsen
 
Defining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryDefining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryJeremy Anderson
 

Dernier (20)

SMOTE and K-Fold Cross Validation-Presentation.pptx
SMOTE and K-Fold Cross Validation-Presentation.pptxSMOTE and K-Fold Cross Validation-Presentation.pptx
SMOTE and K-Fold Cross Validation-Presentation.pptx
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
 
Decoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectDecoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis Project
 
Unveiling the Role of Social Media Suspect Investigators in Preventing Online...
Unveiling the Role of Social Media Suspect Investigators in Preventing Online...Unveiling the Role of Social Media Suspect Investigators in Preventing Online...
Unveiling the Role of Social Media Suspect Investigators in Preventing Online...
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
 
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
 
Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...
 
Insurance Churn Prediction Data Analysis Project
Insurance Churn Prediction Data Analysis ProjectInsurance Churn Prediction Data Analysis Project
Insurance Churn Prediction Data Analysis Project
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
 
Advanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsAdvanced Machine Learning for Business Professionals
Advanced Machine Learning for Business Professionals
 
Semantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxSemantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptx
 
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
 
Principles and Practices of Data Visualization
Principles and Practices of Data VisualizationPrinciples and Practices of Data Visualization
Principles and Practices of Data Visualization
 
Learn How Data Science Changes Our World
Learn How Data Science Changes Our WorldLearn How Data Science Changes Our World
Learn How Data Science Changes Our World
 
Bank Loan Approval Analysis: A Comprehensive Data Analysis Project
Bank Loan Approval Analysis: A Comprehensive Data Analysis ProjectBank Loan Approval Analysis: A Comprehensive Data Analysis Project
Bank Loan Approval Analysis: A Comprehensive Data Analysis Project
 
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptxThe Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
The Power of Data-Driven Storytelling_ Unveiling the Layers of Insight.pptx
 
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesConf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)
 
Defining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryDefining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data Story
 

Deep learning based recommender systems (lab seminar paper review)

  • 1. DM Deep Learning based Recommender System : A survey and New Perspectives (1/2) Zhang Et al. ’17 이현성
  • 2. DMIndex Introduction Category of neural network and NN based recommender algorithms MLP-based recommenders AE-based recommenders CNN-based recommenders RNN-based recommenders DSSM-based recommendersa
  • 4. DM Why should we care about deep learning based RS? many successes in various application areas in both academia and industry. Deep Learning techniques enables to exploit complex data image, tags, text,
  • 5. DM 이 논문이 너무 많은 모델을 다루고 있어서 모델의 성능이나, 자세한 알고리즘은 제외하고 Deep Learning 모델을 사용한 이유 이런 점을 Deep Learning을 이용해 해결하려 했다 같은 Motivation과 Insight만 note하겠습니다.
  • 6. DM Category of neural network and NN based r ecommender algorithms
  • 7. DM Frequently used Deep Learning Techniques • Multi-Layer Perceptron (MLP) • Autoencoder (AE) • Convolutional Neural Network (CNN) • Recurrent Neural Network (RNN) • Deep Semantic Similarity Model (DSSM) • Restricted Boltzmann Machine (RBM) • Neural Autoregressive Distribution Estimation (NADE) • Generative Adversarial Network (GAN)
  • 8. DM Recommender systems as neural network models 1) Models Using Single Deep-Learning Techniques a) exploit one of mentioned eight techniques i) Extracting item features from images ii) Recommendation with explanations 2) Composite Models a) exploit more than one deep learning techniques i) GAN using AE as generator, MLP as discriminator. ii) applying extracted item features using CNN to RNN
  • 9. DM Integration of Deep learning with Traditional RS 1) Solely Deep-Learning based Models a) Predicting scores using MLP 1) Coupled Models (Recommender model + Neural network model) a) AutoEncoder + extracted image features with CNN i) two model objectives are updated simultaneously (Tightly Coupled models) ii) two step learning (Loosely Coupled models )
  • 10. DM Classification of Deep-Learning based Recommender System
  • 12. DMNeural Collaborative Filtering (NCF)  Motivation  Previous Matrix Factorization only consi ders linear relationship between users a nd items  𝑦 𝑢𝑖 = 𝑑𝑜𝑡 𝑢, 𝑖  Solution  Non-linear Relationship between users and items  𝑦 𝑢𝑖 = 𝑓 𝑢, 𝑖 Θ  Where 𝑓 Θ is multi-layer perceptron.  User-Item interaction prediction
  • 13. DMWide & Deep Learning Motivation  Linear regression is good at memorization  Deep MLP is good at generalization, catching deep features. Solution  Integrate linear regression and MLP 구글 플레이스토어에서, 쿼리에 맞 는 application하는 데 사용 중인 알고리즘
  • 14. DMYoutube Video Recommendation (Covington et al.) Motivation  There are too many features to tuned Solution  MLP works quite well without exhaustive feature engineering Youtube에서 personalized video recommendation을 할 때 사용중 인 알고리즘
  • 16. DM추천 시스템에서 Autoencoder가 주로 사용되는 용 도 Predict interaction between user and items Motivation  Denosing, Reconstruction effects of Autoencoder will be helpful in revealing un-observed preferences of users. Feature Extraction Motivation  Use Autoencoder to learn low- dimension representation in the bottleneck layer Autoencoder는 주로 이 두 가지 방법으로 사용되고, IR과 Recsys community에서는 상당히 기본적인 방법이 되었다.
  • 18. DMAutoencoder as generative model 3 5 4 i1 i2 i3 i4 i5 u1 ? ? 3 4 ? u2 2 ? 5 ? ? u3 ? 1 ? ? ? u4 2 ? 4 ? 3 2.8 4.6 2.3 3.5 Predicted rating 𝑟33 Rating prediction
  • 19. DMAutoencoder as feature extractor 1 0 1 0 animation Horror Action romance i1 i2 1 0 0 1 i3 i4 0.1 0.8 1 0 0 1 Predicted rating 𝑟33 Low-dimension representation
  • 21. DMConvolutional Neural Network is Capable to extract low-dimensional feature from complex data (image, fixed-size sequences…) These side information(image) can be used to alleviate cold-start problem. Motivation  CNN-based recommender systems mainly aims to help recommendation quality using side information
  • 22. DMGeneral CNN based Recommender systems Motivation  Images of items contains much information Solution  Use CNN to extract these information into latent codes. Image of item i CNN Latent code Item vector of item i Output : Item representation Addition
  • 23. DM Personalized Image Tag Recommendation (Nguyen et al.) Motivation  CNN can code image into vectors  User can be embed into vectors using current ML techniques. Image에 어울리는 tag를 generate 하기 위해 제안된 알고리즘 Image input Convolution Max-pooling User info Tag Food Holid ay Love … Selfie Score 0.3 0.1 0.5 … 0.8 Image에서 feature를 미리 추출해서 pretrained vector로 사용하는 경우도 많다.
  • 24. DMCNN for Audio Feature Extraction Motivation  Allivate cold-start problem using Content information Solution  Learn latent vector representation using Audio features Audio Features for item i Convolution 𝑦𝑖′ 𝑦𝑖 𝑦𝑖 는 WMF model이 만든 item i의 latent representation
  • 26. DMRecurrent Neural Network Mainly concerned with sequential behaviors User/Item evolves with time (temporal dynamics) Session based recommendations  rare user information is known  Sequential behavior become more important than normal cases. Text understanding  Like CNN, RNN enables to exploit rich side information(text)
  • 27. DMGRU-Rec (Hidasi et al.) Motivation  user’s each click in web-page is closely related with each others Solution  Bidirectional GRU fits to model this sequential behavior well Input : One- hot Enco ded Vect or Emb eddin g Layer GRU Layer GRU Layer GRU Layer … Feed forwa rd Layer Outp ut : score s on items
  • 28. DMRecurrent Recommender Network (Wu et al.) Motivation  Users and items behavior change over time Solution  Models user and item behaviors using LSTM  𝒓 𝒖𝒊|𝒕 = 𝒇 𝒖 𝒖, 𝒖 𝒖𝒕, 𝒗𝒊, 𝒗𝒊𝒕
  • 29. DMGRU Multitask Learning (Bansal et al.) Motivation  Rich text information will be helpful Solution  Use GRU to encode text sequences (review, description of items) Text description of item i GRU Latent code Item vector of item i Output : Item representation Addition 여러 representation을 합칠 때, 의외로 dot이나 elementwise multiplication보다 단순 addition이 성능이 더 좋은 경우가 많은 것 같다.
  • 33. DMTraining DSSM Query와 relevant한 document의 cosine similarity는 1에 가깝게, Query와 irrevant한 document의 cosine similarity는 0에 가깝게.
  • 34. DMDeep Structured Semantic Model Motivation  User,item 둘 다 side-information을 갖 고 있다. Solution  DSSM을 그대로 적용하자.  DSSM 자체는 similarity measure를 제외하면 Neural Collaborative filtering, 혹은 MF with side information의 generalization으로 볼 수 있다. Query가 아닌 user의 information을 input으로
  • 35. DMFuture research directions Better understanding of users and items  딥러닝 모델은 이미지나 텍스트를 잘 모델링한다!(적어도 기존의 방법보다는) 하지만 이러한 모델링은 아직 미숙한 수준이며(Deep learning에서 이용되는 아이디어를 그대 로 가져온 수준), 더 잘 하는 방법이 있을 것이다. Temporal Dynamics  Session based Recommendation systems, and recommender with temporal dynamics are not novel research topics, but they are largely underinvestiagted.
  • 36. DMFuture research directions Cross-domain / Multi-task learning  User의 purchase behavior 등을 은행 등에서 활용하려는 시도가 있다.  한 도메인의 knowledge을, 다른 도메인에 적용하거나,  여러 도메인의 지식을 동시에 활용했을 시의 성능 향상을 기대할 수 있다. Novel Evaluation Metrics  Accuracy, Relevance measures are not good for evaluating recommender.

Notes de l'éditeur

  1. 토픽이 너무 많아서, 일단 1-4까지 먼저 Cover하는 것으로 하고, 5,6,7,8은 다음 번에 제가 발표할 때 하도록 할게요…;;;;