SlideShare a Scribd company logo
1 of 51
Download to read offline
Unit III – Content Based Recommendation
Dr. R. Arthy, Assistant Professor,
Department of Information Technology,
Kamaraj College of Engineering and Technology
Introduction
 A content-based recommendation
system suggests items to users based
on the features or attributes of those
items and the user's preferences.
 It works by recommending items that
are similar in content to those the user
has liked in the past.
 This type of system is particularly
useful when there is limited
information about users or when
explicit user feedback is sparse.
Basic Architecture
[contd…]
 User Profile:
 Create the vectors that describe the user’s preference.
 In the creation of a user profile, we use the utility matrix
which describes the relationship between user and item.
 With this information, the best estimate we can make
regarding which item user likes, is some aggregation of the
profiles of those items.
[contd…]
 Item Profile:
 In Content-Based Recommender, we must build a profile for
each item, which will represent the important characteristics
of that item.
 For example, if we make a movie as an item then its actors,
director, release year and genre are the most significant
features of the movie.
 We can also add its rating from the IMDB (Internet Movie
Database) in the Item Profile.
[contd…]
 Utility Matrix:
 Utility Matrix signifies the user’s preference with certain
items.
 In the data gathered from the user, we have to find some
relation between the items which are liked by the user and
those which are disliked, for this purpose we use the utility
matrix.
 In it we assign a particular value to each user-item pair, this
value is known as the degree of preference.
 Then we draw a matrix of a user with the respective items to
identify their preference relationship.
High Level Architecture
[contd…]
 Content Acquisition:
 This module gathers information about the items in the system.
 Data sources can include product descriptions, movie trailers,
music genres, article keywords, or any other content attributes
relevant to the recommendation task.
 Content Preprocessing:
 Raw data might need cleaning, transformation, and feature
extraction.
 This could involve techniques like text normalization, stemming,
removing irrelevant information, or creating numerical
representations of textual features.
[contd…]
 User Profile Building:
 The system builds a profile for each user based on their past
interactions with the system.
 This might include items they liked, viewed, purchased, or any
other relevant user activity data.
 User profiles can also incorporate demographic information if
available.
 Content Similarity Calculation:
 Calculate the similarity between items based on their attributes
and the user profile.
 Common similarity measures include cosine similarity,
Jaccard similarity, or Euclidean distance.
[contd…]
 Recommendation Generation:
 Generate recommendations for the user based on the similarity scores.
 This could involve ranking items based on their similarity to items the
user has liked or interacted with..
 Feedback Loop:
 Incorporate user feedback to improve the recommendations over time.
This could include explicit feedback (e.g., ratings) or implicit feedback
(e.g., clicks, views).
 Deployment:
 Deploy the recommendation system in a production environment, where
it can serve recommendations to users in real-time or batch mode.
 Monitoring and Evaluation:
 Monitor the performance of the recommendation system.
Advantages
 No Cold Start Problem:
 Content-based systems can make recommendations even when there is
limited or no information about a user's preferences, unlike collaborative
filtering systems that require data on user interactions.
 Personalized Recommendations:
 Since content-based systems recommend items based on the user's past
interactions and preferences, the recommendations tend to be more
personalized to the user's tastes.
 Transparency:
 The reasoning behind the recommendations is more transparent in
content-based systems since they are based on the attributes of the items
and the user's profile.
 Reduced Dependency on Data:
 Content-based systems do not rely heavily on data about other users,
making them more robust in situations where such data is sparse or
unreliable.
Disadvantages
 Limited Serendipity:
 Content-based systems tend to recommend items that are similar to what the user has
already liked, which can lead to a lack of serendipity or discovery of new items.
 Limited Diversity:
 Since recommendations are based on the content of the items, there is a risk of
recommending similar items repeatedly, leading to a lack of diversity in
recommendations.
 Dependency on Item Attributes:
 The quality of recommendations in a content-based system is highly dependent on
the availability and quality of item attributes. If the item attributes are incomplete or
inaccurate, the recommendations may suffer.
Disadvantages
 Overfitting:
 Content-based systems can suffer from overfitting if the user's
profile is too specific or if there is not enough diversity in the
item attributes used for recommendations.
 Limited Context:
 Content-based systems may not take into account the context in
which items are being recommended, such as the user's current
mood or situation, which can lead to less relevant
recommendations.
Item Profiles
 In a content-based system, each item is a profile, which is a
record or a collection of records representing important
characteristics of that item, is first constructed.
 For example, for a movie recommendation system, the
important characteristics are:
 1. The set of actors of the movie.
 2. The director.
 3. The year in which the movie was made.
 4. The genre or general type of movie, and so on.
 The objective of content-based recommendation systems is to
find and rank things (documents) according to the user
preferences.
Discovering Features of Documents
 Text Preprocessing:
 First, preprocess the text to remove noise and irrelevant
information.
 This may include removing punctuation, stopwords (common
words like "and", "the"), and converting words to lowercase.
 Tokenization:
 Tokenize the text into words or phrases to create a list of tokens.
 Vectorization:
 Convert the tokens into numerical representations.
 This can be done using techniques like TF-IDF (Term Frequency-
Inverse Document Frequency) or word embeddings (e.g.,
Word2Vec, GloVe).
[contd…]
 Feature Selection:
 Select the most relevant features for the document.
 This could involve filtering out features with low TF-IDF scores or using
dimensionality reduction techniques like PCA (Principal Component Analysis)
or LDA (Latent Dirichlet Allocation).
 Building the Item Profile:
 Create a profile for each document based on its features.
 This could be a vector representation where each dimension corresponds to a
feature, and the value represents the importance or frequency of that feature in
the document.
 Similarity Calculation:
 Calculate the similarity between documents based on their feature vectors.
 This could be done using cosine similarity, Jaccard similarity, or other similarity
measures.
Connecting Item Profiles and
Features
 Once features are identified, they are used to populate the
item profile for each document.
 This profile becomes the basis for comparison with user
profiles in the recommendation process.
 The chosen features should be effective in distinguishing
between different items and capturing the essence of what
makes them unique.
Obtaining Item Features from
Tags
 Tags can be a valuable source of information for obtaining
item features in a content-based recommender system.
 Tags as Content Attributes:
 Tags are user-assigned labels that describe an item's
characteristics.
 They can be a concise way to capture some of the key
features of an item, similar to how content attributes are
used in item profiles.
 For example, a movie might be tagged with "comedy,"
"action," and "adventure," while an article might have tags
like "politics," "technology," and "environment."
[contd…]
Utilizing Tags for Feature Extraction:
 Direct Mapping:
 The simplest approach is to directly use the tags themselves
as features in the item profile.
 This works well if the tags are well-defined and standardized.
 However, it might not capture the full range of an item's features,
especially if there are limited or ambiguous tags.
[contd…]
 Tag Weighting:
 Not all tags are created equal. Some might be more indicative of
an item's core features than others.
 Assigning weights to tags based on factors like popularity, frequency, or
user expertise can improve the informativeness of the features extracted.
 Tag Clustering:
 Tags can be grouped together based on their semantic similarity.
 This can help identify broader themes or categories that can be used as
features.
 For example, a cluster of tags like "comedy," "humor," and "funny" can
be summarized into a single feature like "comedy genre."
[contd…]
Challenges
 Tag Quality:
 The effectiveness of using tags for feature extraction relies heavily on the
quality of the tags themselves.
 Inconsistent, ambiguous, or misspelled tags can lead to inaccurate item
profiles.
 Limited Scope:
 Tags might not capture all the features of an item, especially complex ones.
 Combining tags with other content analysis techniques can provide a more
comprehensive picture.
 Subjectivity:
 Tags are subjective and reflect the perspective of the user who assigned
them.
 Techniques like combining tags from multiple users or leveraging expert-
curated tags can improve objectivity.
User Profile
 A user profile in the context of recommender systems is a
representation of a user's preferences, interests, and
behavior based on their interactions with the system.
 User profiles are used to personalize recommendations by
understanding and predicting what items a user is likely to
be interested in
 User profiles are dynamic and can be updated over time as
the user interacts with the system and provides feedback.
 They are used by recommender systems to generate
personalized recommendations that are tailored to the
individual user's interests and preferences.
Types of Information
 Explicit Preferences: Ratings, likes, dislikes, and other explicit feedback
provided by the user about items.
 Implicit Feedback: Indirect indicators of user preferences, such as items
viewed, clicked, purchased, or the amount of time spent on an item.
 Demographic Information: Age, gender, location, and other demographic
information that can provide context for the user's preferences.
 Contextual Information: Current context or situational factors that may
influence the user's preferences, such as time of day, device used, or
location.
 Behavioral Patterns: Patterns in the user's interactions with the system,
such as frequent purchases or preferences for certain types of content.
Methods for Learning User
Profiles
 Rule-Based Approaches:
 Example: If a user consistently watches action movies and rates
them highly, the system can infer that the user prefers action
movies.
 Content-Based Filtering:
 Example: If a user frequently listens to songs by a certain artist,
the system can infer that the user likes that artist and recommend
other songs by the same artist.
 Collaborative Filtering:
 Example: If a user's ratings are similar to those of other users, the
system can infer that the user has similar tastes and recommend
items that the other users have liked.
[contd…]
 Matrix Factorization:
 Example: Using techniques like Singular Value Decomposition
(SVD), the system can learn latent factors that represent user
preferences and item characteristics, which can then be used to
make recommendations.
 Deep Learning:
 Example: Using neural networks, the system can learn complex
patterns in user behavior and item features to make personalized
recommendations.
 Hybrid Approaches:
 Example: Combining content-based and collaborative filtering
techniques to leverage both user preferences and item
characteristics for better recommendations.
Probabilistic Methods - Naive
Bayes classifier
 Bayes' Theorem: Bayes' theorem is used to calculate the
probability of a hypothesis (class label) given the data. It
is expressed as:
[contd…]
 Naive Bayes Assumption:
 Naive Bayes assumes that the presence of a particular
feature in a class is independent of the presence of any other
feature, given the class variable.
 This is a strong (naive) assumption but simplifies the
computation and often works well in practice, especially for
text classification tasks.
[contd…]
 Classification: To classify a new instance x, Naive Bayes
calculates the posterior probability of each class given x
and selects the class with the highest probability:
Relevance Feedback and
Rocchio’s Algorithm
 Relevance feedback is a technique used in information
retrieval and recommendation systems to improve the
relevance of search results or recommendations based on
user feedback.
 Rocchio's algorithm is a classic relevance feedback
algorithm used to update the query in information retrieval
systems.
[contd…]
 Initial Query:
 The process starts with an initial query q0​ provided by the
user.
 Feedback:
 The user examines the search results or recommendations
and provides feedback on the relevance of the items.
 This feedback can be binary (relevant or irrelevant) or
graded (e.g., on a scale of relevance).
[contd…]
 Updating the Query:
 Rocchio's algorithm updates the initial query based on the
feedback to improve the relevance of the results.
 The updated query qnew​ is calculated as:
[contd…]
 Re-ranking:
 The updated query is used to re-rank the search results or
recommendations, placing more weight on terms that are
present in relevant documents and less weight on terms that
are present in irrelevant documents.
Steps to Create Profiles
 Define Item/User Features:
 Determine the features of the items that you want to use for
recommendation.
 These features could include genres, actors, directors, keywords, or any
other attributes that describe the items.
 Gather data on the user's interactions with items, such as items they have
liked, rated, or interacted with.
 Feature Extraction:
 Extract the features from the items. For textual content, this could
involve techniques like TF-IDF (Term Frequency-Inverse Document
Frequency) to extract keywords or phrases.
 For other types of content, you may need to use different extraction
methods.
 Extract features from the items the user has interacted with.
[contd…]
 Normalization:
 Normalize the features to ensure that they are on a similar scale. This can help in
comparing the features of different items.
 Weighting:
 Assign weights to the features based on their importance. For example, you may
want to give more weight to the genre of a movie than to the director.
 Profile Representation:
 Represent the item/user profile as a vector, where each dimension corresponds to a
feature and the value represents the strength or importance of that feature for the
item.
 Updating the Profile:
 Update the item profiles regularly based on any changes or updates to the items.
 This can help in keeping the profiles relevant and up-to-date.
 Privacy Considerations:
 Ensure that sensitive information is not included in the item profiles, especially if the
items are user-generated content.
Classification Algorithms
 k-Nearest Neighbors (k-NN):
 k-NN is a simple and effective algorithm for content-based
recommendation.
 It works by finding the k most similar items to a given item based on their
feature vectors and recommending those items to the user.
 Support Vector Machines (SVM):
 SVM is a powerful algorithm for classification tasks.
 In content-based recommendation systems, SVM can be used to classify
items into different categories based on their features, allowing for more
accurate and personalized recommendations.
 Decision Trees:
 Decision trees are used to classify items based on a series of binary
decisions.
 In content-based recommendation systems, decision trees can be used to
classify items into different categories based on their features, making it
easier to recommend similar items to users.
Classification Algorithms
 Random Forests:
 Random forests are an ensemble learning method that uses
multiple decision trees to improve classification accuracy.
 In content-based recommendation systems, random forests can be
used to classify items based on their features and make more
accurate recommendations to users.
 Naive Bayes:
 Naive Bayes is a simple probabilistic classifier that is based on
the Bayes theorem.
 In content-based recommendation systems, Naive Bayes can be
used to classify items into different categories based on their
features and make recommendations to users based on those
classifications.
K-Nearest Neighbor
 k-Nearest Neighbors (k-NN) is a simple, instance-based
learning algorithm used for classification and regression
tasks.
 It works based on the idea that similar items exist in close
proximity to each other.
 In the context of recommendation systems, k-NN is used
in content-based approaches to recommend items that are
similar to items the user has interacted with or liked.
[contd…]
 Training Phase:
 The algorithm stores all available items in a multidimensional space,
where each item is represented as a point with its features as
coordinates.
 Prediction Phase:
 When a user seeks recommendations, the algorithm calculates the
distance (typically Euclidean distance) between the target item (item to
be recommended) and all other items in the space.
 Selection:
 It then selects the k-nearest items (items with the smallest distances) to
the target item.
 Recommendation:
 For classification tasks, the algorithm assigns the class label that appears
most frequently among the k-nearest items.
 For regression tasks, it calculates the average of the target attribute of
the k-nearest items.
[contd…]
Consider a movie recommendation system where movies are represented by
their genres (e.g., Action, Comedy, Drama) and ratings (e.g., 1-5 stars).
 Training Phase:
 The algorithm stores the movies in a multidimensional space based on their
genres and ratings.
 Prediction Phase:
 When a user likes an Action movie rated 4 stars and seeks
recommendations, the algorithm calculates the distances between this movie
and all other movies.
 Selection:
 Suppose k=3. The algorithm selects the 3 nearest movies to the target movie
based on genre and rating distances.
 Recommendation:
 If the 3 nearest movies are “Movie1" (Action, 5 stars), “Movie2" (Action,
4.5 stars), and “Movie3" (Action, 4 stars), the algorithm might recommend
these movies to the user based on their similarity to the target movie.
Support Vector Machines (SVMs)
 Support Vector Machines (SVMs) are supervised machine learning
models used for classification and regression tasks.
 In the context of recommendation systems, SVMs can be used in
content-based approaches to classify items into different categories
based on their features and make recommendations to users.
 Training Phase:
 The SVM algorithm takes a dataset of items, each represented by a set
of features, and learns to classify them into different categories.
 It does this by finding the hyperplane that best separates the different
categories while maximizing the margin (distance) between the
hyperplane and the nearest data points (support vectors).
 Prediction Phase:
 When a user seeks recommendations, the SVM classifies items based on
their features and assigns them to the appropriate category.
[contd…]
Consider a movie recommendation system where movies are
represented by their genres (e.g., Action, Comedy, Drama) and ratings
(e.g., 1-5 stars).
 Training Phase:
 The SVM algorithm takes a dataset of movies, each represented by its
genre and rating, and learns to classify them into different genres (e.g.,
Action, Comedy, Drama).
 Prediction Phase:
 When a user likes Action movies and seeks recommendations, the SVM
classifies movies based on their genres and assigns them to the Action
category.
 Recommendation:
 The SVM recommends movies in the Action category to the user based
on their similarity to other Action movies.
Decision Tree
 Decision trees are a popular machine learning algorithm for both
classification and regression tasks.
 They work by recursively partitioning the input space into regions,
with each partition corresponding to a specific class or value.
 Start with the Root Node:
 The decision tree starts with a root node that contains the entire dataset.
 Select a Feature to Split On:
 The algorithm selects a feature that best splits the dataset into two or
more homogeneous subsets.
 It does this by evaluating different features and selecting the one that
maximizes the information gain or minimizes impurity (e.g., Gini
impurity, entropy).
[contd…]
 Split the Dataset:
 The dataset is split into subsets based on the selected feature.
 Each subset corresponds to a different branch of the decision tree.
 Repeat the Process:
 The algorithm recursively repeats the process for each subset,
selecting features to split on and creating new branches until a
stopping criterion is met.
 This criterion could be a maximum tree depth, a minimum
number of samples per leaf, or a minimum improvement in
impurity.
[contd…]
 Create Leaf Nodes:
 Once the algorithm reaches a stopping criterion, it creates leaf
nodes that represent the final output of the decision tree.
 For classification tasks, each leaf node corresponds to a class
label.
 For regression tasks, each leaf node corresponds to a predicted
value.
 Make Predictions:
 To make predictions for new data points, the algorithm traverses
the decision tree from the root node to a leaf node, following the
branches that correspond to the values of the features of the data
point.
 The prediction is then based on the majority class or the average
value of the samples in the leaf node.
[contd…]
 In a movie recommendation system, a decision tree can be
used to predict whether a user will like a particular movie
based on features such as genre, director, actors, and
ratings.
 Dataset:
 Consider a dataset with several movies and their features
(genre, director, actors) along with user ratings
(like/dislike).
[contd…]
 Decision Tree Construction: Using this dataset, a
decision tree can be constructed to predict whether a user
will like a movie. The decision tree might look like this:
 If the genre is Action:
 If the director is Christopher Nolan:
 Predict "like"
 If the director is not Christopher Nolan:
 If the lead actor is Tom Cruise:
 Predict "like"
 If the lead actor is not Tom Cruise:
 Predict "dislike"
[contd…]
 Making a Prediction:
 To predict whether a user will like a new movie, we start at
the root of the decision tree and follow the branches based
on the features of the movie.
 For example, if the new movie is an Action movie directed
by Christopher Nolan, the decision tree would predict that
the user will like the movie.
 Training and Evaluation: The decision tree is trained on
a subset of the dataset and evaluated on another subset to
ensure that it generalizes well to new data.
Random Forest
 Random Forest is an ensemble learning method that operates
by constructing a multitude of decision trees during training
and outputting the mode of the classes (classification) or the
mean prediction (regression) of the individual trees.
 Bootstrapped Dataset:
 For each tree in the random forest, a bootstrapped dataset
(sampled with replacement from the original dataset) is created.
 Feature Selection:
 For each tree, a random subset of features is selected at each split.
 This helps to decorrelate the trees and make the forest more
robust.
[contd…]
 Growing Trees:
 Each tree is grown to the maximum depth possible or until a
minimum number of samples per leaf is reached, resulting
in fully grown but unpruned trees.
 Voting:
 For a new data point, each tree in the forest predicts the
class (or value in regression) independently.
 The final prediction is then determined by majority voting
(for classification) or averaging (for regression) the
predictions of all the trees.
[contd…]
Example:
 Dataset:
 We have a dataset of movies with features such as genre, director, actors,
and ratings.
 Each movie is also associated with a user rating (e.g., on a scale of 1 to 5
stars).
 Bootstrapped Dataset:
 For each tree in the random forest, we create a bootstrapped dataset by
sampling with replacement from the original dataset.
 This creates multiple datasets, each containing a subset of the movies.
 Feature Selection:
 For each tree, we randomly select a subset of features at each split.
 For example, at the first split, the algorithm may randomly select genre
and director as the candidate features.
[contd…]
 Growing Trees:
 Each tree is grown independently to its maximum depth or until a
stopping criterion is met.
 This results in a forest of fully grown but unpruned trees, each
trained on a different subset of the data.
 Voting:
 For a new user, each tree in the forest predicts the user's rating for
a movie they have not seen based on the movie's features.
 The final prediction is then determined by averaging the predicted
ratings from all the trees.
 For example, if 60 out of 100 trees predict a rating of 4 stars and
40 predict a rating of 3 stars, the final predicted rating is 3.8 stars.

More Related Content

What's hot

Kingdom Archaebacteria (Microbiology)
 Kingdom Archaebacteria (Microbiology) Kingdom Archaebacteria (Microbiology)
Kingdom Archaebacteria (Microbiology)nishakataria10
 
Algae: general characters and classification
Algae: general characters and classificationAlgae: general characters and classification
Algae: general characters and classificationBIYYANI SUMAN
 
Plant Reproduction & Development
Plant Reproduction & DevelopmentPlant Reproduction & Development
Plant Reproduction & DevelopmentNMSpirit
 
LIFE CYCLE AND REPRODUCTIVE STRUCTURES
LIFE CYCLE AND REPRODUCTIVE STRUCTURESLIFE CYCLE AND REPRODUCTIVE STRUCTURES
LIFE CYCLE AND REPRODUCTIVE STRUCTURESFasama H. Kollie
 
nuclear envelope
nuclear envelope nuclear envelope
nuclear envelope emicica
 
Bentham Hooker system of classification
Bentham Hooker system of classificationBentham Hooker system of classification
Bentham Hooker system of classificationJ K COLLEGE,PURULIA
 
Structure and function of plasma membrane 2
Structure and function of plasma membrane 2Structure and function of plasma membrane 2
Structure and function of plasma membrane 2ICHHA PURAK
 
Sources of Non-molecular Data Useful in Systematics
Sources of Non-molecular Data Useful in SystematicsSources of Non-molecular Data Useful in Systematics
Sources of Non-molecular Data Useful in SystematicsAriful Islam Sagar
 
Leaf structure, adaptations, development
Leaf structure, adaptations, development Leaf structure, adaptations, development
Leaf structure, adaptations, development Jasmine Brar
 
Plasma/Cell Membrane
Plasma/Cell MembranePlasma/Cell Membrane
Plasma/Cell MembraneGul Muneer
 
Chemical composition of plasma membrane
Chemical composition of plasma membraneChemical composition of plasma membrane
Chemical composition of plasma membraneIndrajaDoradla
 
Cell Structure and Function
Cell Structure and FunctionCell Structure and Function
Cell Structure and Functionsdc07cfsu
 

What's hot (20)

Kingdom Archaebacteria (Microbiology)
 Kingdom Archaebacteria (Microbiology) Kingdom Archaebacteria (Microbiology)
Kingdom Archaebacteria (Microbiology)
 
Algae: general characters and classification
Algae: general characters and classificationAlgae: general characters and classification
Algae: general characters and classification
 
Plant Reproduction & Development
Plant Reproduction & DevelopmentPlant Reproduction & Development
Plant Reproduction & Development
 
Family - Malvaceae-Flowerppt 1
Family - Malvaceae-Flowerppt 1Family - Malvaceae-Flowerppt 1
Family - Malvaceae-Flowerppt 1
 
LIFE CYCLE AND REPRODUCTIVE STRUCTURES
LIFE CYCLE AND REPRODUCTIVE STRUCTURESLIFE CYCLE AND REPRODUCTIVE STRUCTURES
LIFE CYCLE AND REPRODUCTIVE STRUCTURES
 
Meristematic tissue
Meristematic tissueMeristematic tissue
Meristematic tissue
 
nuclear envelope
nuclear envelope nuclear envelope
nuclear envelope
 
General characters of fungi
General characters of  fungiGeneral characters of  fungi
General characters of fungi
 
Bentham Hooker system of classification
Bentham Hooker system of classificationBentham Hooker system of classification
Bentham Hooker system of classification
 
Cell organelles
Cell organellesCell organelles
Cell organelles
 
Structure and function of plasma membrane 2
Structure and function of plasma membrane 2Structure and function of plasma membrane 2
Structure and function of plasma membrane 2
 
Sources of Non-molecular Data Useful in Systematics
Sources of Non-molecular Data Useful in SystematicsSources of Non-molecular Data Useful in Systematics
Sources of Non-molecular Data Useful in Systematics
 
7. Economic importance of viruses and bacteria
7. Economic importance of viruses and bacteria7. Economic importance of viruses and bacteria
7. Economic importance of viruses and bacteria
 
Mastigomycotina
MastigomycotinaMastigomycotina
Mastigomycotina
 
Leaf structure, adaptations, development
Leaf structure, adaptations, development Leaf structure, adaptations, development
Leaf structure, adaptations, development
 
Plasma/Cell Membrane
Plasma/Cell MembranePlasma/Cell Membrane
Plasma/Cell Membrane
 
Chemical composition of plasma membrane
Chemical composition of plasma membraneChemical composition of plasma membrane
Chemical composition of plasma membrane
 
Cell Structure and Function
Cell Structure and FunctionCell Structure and Function
Cell Structure and Function
 
Kingdom plantae
Kingdom plantaeKingdom plantae
Kingdom plantae
 
Heterothallism
HeterothallismHeterothallism
Heterothallism
 

Similar to VIT336 – Recommender System - Unit 3.pdf

Movie Recommender System Using Artificial Intelligence
Movie Recommender System Using Artificial Intelligence Movie Recommender System Using Artificial Intelligence
Movie Recommender System Using Artificial Intelligence Shrutika Oswal
 
Digital Trails Dave King 1 5 10 Part 2 D3
Digital Trails   Dave King   1 5 10   Part 2   D3Digital Trails   Dave King   1 5 10   Part 2   D3
Digital Trails Dave King 1 5 10 Part 2 D3Dave King
 
Recommendation Systems Basics
Recommendation Systems BasicsRecommendation Systems Basics
Recommendation Systems BasicsJarin Tasnim Khan
 
CONTEXTUAL MODEL OF RECOMMENDING RESOURCES ON AN ACADEMIC NETWORKING PORTAL
CONTEXTUAL MODEL OF RECOMMENDING RESOURCES ON AN ACADEMIC NETWORKING PORTALCONTEXTUAL MODEL OF RECOMMENDING RESOURCES ON AN ACADEMIC NETWORKING PORTAL
CONTEXTUAL MODEL OF RECOMMENDING RESOURCES ON AN ACADEMIC NETWORKING PORTALcscpconf
 
Contextual model of recommending resources on an academic networking portal
Contextual model of recommending resources on an academic networking portalContextual model of recommending resources on an academic networking portal
Contextual model of recommending resources on an academic networking portalcsandit
 
Social recommender system
Social recommender systemSocial recommender system
Social recommender systemKapil Kumar
 
Recommendation system (1).pptx
Recommendation system (1).pptxRecommendation system (1).pptx
Recommendation system (1).pptxprathammishra28
 
recommendationsystem1-221109055232-c8b46131.pdf
recommendationsystem1-221109055232-c8b46131.pdfrecommendationsystem1-221109055232-c8b46131.pdf
recommendationsystem1-221109055232-c8b46131.pdf13DikshaDatir
 
Architecting AI Solutions in Azure for Business
Architecting AI Solutions in Azure for BusinessArchitecting AI Solutions in Azure for Business
Architecting AI Solutions in Azure for BusinessIvo Andreev
 
Investigation and application of Personalizing Recommender Systems based on A...
Investigation and application of Personalizing Recommender Systems based on A...Investigation and application of Personalizing Recommender Systems based on A...
Investigation and application of Personalizing Recommender Systems based on A...Eswar Publications
 
How to use LLMs for creating a content-based recommendation system for entert...
How to use LLMs for creating a content-based recommendation system for entert...How to use LLMs for creating a content-based recommendation system for entert...
How to use LLMs for creating a content-based recommendation system for entert...mahaffeycheryld
 
An Efficient Content, Collaborative – Based and Hybrid Approach for Movie Rec...
An Efficient Content, Collaborative – Based and Hybrid Approach for Movie Rec...An Efficient Content, Collaborative – Based and Hybrid Approach for Movie Rec...
An Efficient Content, Collaborative – Based and Hybrid Approach for Movie Rec...ijtsrd
 
Building on Magnolia's personalization
Building on Magnolia's personalizationBuilding on Magnolia's personalization
Building on Magnolia's personalizationMagnolia
 
Projection Multi Scale Hashing Keyword Search in Multidimensional Datasets
Projection Multi Scale Hashing Keyword Search in Multidimensional DatasetsProjection Multi Scale Hashing Keyword Search in Multidimensional Datasets
Projection Multi Scale Hashing Keyword Search in Multidimensional DatasetsIRJET Journal
 
CS8091_BDA_Unit_III_Content_Based_Recommendation
CS8091_BDA_Unit_III_Content_Based_RecommendationCS8091_BDA_Unit_III_Content_Based_Recommendation
CS8091_BDA_Unit_III_Content_Based_RecommendationPalani Kumar
 
IRJET- Analysis on Existing Methodologies of User Service Rating Prediction S...
IRJET- Analysis on Existing Methodologies of User Service Rating Prediction S...IRJET- Analysis on Existing Methodologies of User Service Rating Prediction S...
IRJET- Analysis on Existing Methodologies of User Service Rating Prediction S...IRJET Journal
 
Collaborative Filtering Recommendation System
Collaborative Filtering Recommendation SystemCollaborative Filtering Recommendation System
Collaborative Filtering Recommendation SystemMilind Gokhale
 
IRJET- Travelmate Travel Package Recommendation System
IRJET-  	  Travelmate Travel Package Recommendation SystemIRJET-  	  Travelmate Travel Package Recommendation System
IRJET- Travelmate Travel Package Recommendation SystemIRJET Journal
 

Similar to VIT336 – Recommender System - Unit 3.pdf (20)

Movie Recommender System Using Artificial Intelligence
Movie Recommender System Using Artificial Intelligence Movie Recommender System Using Artificial Intelligence
Movie Recommender System Using Artificial Intelligence
 
Digital Trails Dave King 1 5 10 Part 2 D3
Digital Trails   Dave King   1 5 10   Part 2   D3Digital Trails   Dave King   1 5 10   Part 2   D3
Digital Trails Dave King 1 5 10 Part 2 D3
 
T0 numtq0njc=
T0 numtq0njc=T0 numtq0njc=
T0 numtq0njc=
 
WORD
WORDWORD
WORD
 
Recommendation Systems Basics
Recommendation Systems BasicsRecommendation Systems Basics
Recommendation Systems Basics
 
CONTEXTUAL MODEL OF RECOMMENDING RESOURCES ON AN ACADEMIC NETWORKING PORTAL
CONTEXTUAL MODEL OF RECOMMENDING RESOURCES ON AN ACADEMIC NETWORKING PORTALCONTEXTUAL MODEL OF RECOMMENDING RESOURCES ON AN ACADEMIC NETWORKING PORTAL
CONTEXTUAL MODEL OF RECOMMENDING RESOURCES ON AN ACADEMIC NETWORKING PORTAL
 
Contextual model of recommending resources on an academic networking portal
Contextual model of recommending resources on an academic networking portalContextual model of recommending resources on an academic networking portal
Contextual model of recommending resources on an academic networking portal
 
Social recommender system
Social recommender systemSocial recommender system
Social recommender system
 
Recommendation system (1).pptx
Recommendation system (1).pptxRecommendation system (1).pptx
Recommendation system (1).pptx
 
recommendationsystem1-221109055232-c8b46131.pdf
recommendationsystem1-221109055232-c8b46131.pdfrecommendationsystem1-221109055232-c8b46131.pdf
recommendationsystem1-221109055232-c8b46131.pdf
 
Architecting AI Solutions in Azure for Business
Architecting AI Solutions in Azure for BusinessArchitecting AI Solutions in Azure for Business
Architecting AI Solutions in Azure for Business
 
Investigation and application of Personalizing Recommender Systems based on A...
Investigation and application of Personalizing Recommender Systems based on A...Investigation and application of Personalizing Recommender Systems based on A...
Investigation and application of Personalizing Recommender Systems based on A...
 
How to use LLMs for creating a content-based recommendation system for entert...
How to use LLMs for creating a content-based recommendation system for entert...How to use LLMs for creating a content-based recommendation system for entert...
How to use LLMs for creating a content-based recommendation system for entert...
 
An Efficient Content, Collaborative – Based and Hybrid Approach for Movie Rec...
An Efficient Content, Collaborative – Based and Hybrid Approach for Movie Rec...An Efficient Content, Collaborative – Based and Hybrid Approach for Movie Rec...
An Efficient Content, Collaborative – Based and Hybrid Approach for Movie Rec...
 
Building on Magnolia's personalization
Building on Magnolia's personalizationBuilding on Magnolia's personalization
Building on Magnolia's personalization
 
Projection Multi Scale Hashing Keyword Search in Multidimensional Datasets
Projection Multi Scale Hashing Keyword Search in Multidimensional DatasetsProjection Multi Scale Hashing Keyword Search in Multidimensional Datasets
Projection Multi Scale Hashing Keyword Search in Multidimensional Datasets
 
CS8091_BDA_Unit_III_Content_Based_Recommendation
CS8091_BDA_Unit_III_Content_Based_RecommendationCS8091_BDA_Unit_III_Content_Based_Recommendation
CS8091_BDA_Unit_III_Content_Based_Recommendation
 
IRJET- Analysis on Existing Methodologies of User Service Rating Prediction S...
IRJET- Analysis on Existing Methodologies of User Service Rating Prediction S...IRJET- Analysis on Existing Methodologies of User Service Rating Prediction S...
IRJET- Analysis on Existing Methodologies of User Service Rating Prediction S...
 
Collaborative Filtering Recommendation System
Collaborative Filtering Recommendation SystemCollaborative Filtering Recommendation System
Collaborative Filtering Recommendation System
 
IRJET- Travelmate Travel Package Recommendation System
IRJET-  	  Travelmate Travel Package Recommendation SystemIRJET-  	  Travelmate Travel Package Recommendation System
IRJET- Travelmate Travel Package Recommendation System
 

More from ArthyR3

Unit IV Knowledge and Hybrid Recommendation System.pdf
Unit IV Knowledge and Hybrid Recommendation System.pdfUnit IV Knowledge and Hybrid Recommendation System.pdf
Unit IV Knowledge and Hybrid Recommendation System.pdfArthyR3
 
OOPs - JAVA Quick Reference.pdf
OOPs - JAVA Quick Reference.pdfOOPs - JAVA Quick Reference.pdf
OOPs - JAVA Quick Reference.pdfArthyR3
 
NodeJS and ExpressJS.pdf
NodeJS and ExpressJS.pdfNodeJS and ExpressJS.pdf
NodeJS and ExpressJS.pdfArthyR3
 
MongoDB.pdf
MongoDB.pdfMongoDB.pdf
MongoDB.pdfArthyR3
 
REACTJS.pdf
REACTJS.pdfREACTJS.pdf
REACTJS.pdfArthyR3
 
ANGULARJS.pdf
ANGULARJS.pdfANGULARJS.pdf
ANGULARJS.pdfArthyR3
 
JQUERY.pdf
JQUERY.pdfJQUERY.pdf
JQUERY.pdfArthyR3
 
Qb it1301
Qb   it1301Qb   it1301
Qb it1301ArthyR3
 
CNS - Unit v
CNS - Unit vCNS - Unit v
CNS - Unit vArthyR3
 
Cs8792 cns - unit v
Cs8792   cns - unit vCs8792   cns - unit v
Cs8792 cns - unit vArthyR3
 
Cs8792 cns - unit iv
Cs8792   cns - unit ivCs8792   cns - unit iv
Cs8792 cns - unit ivArthyR3
 
Cs8792 cns - unit iv
Cs8792   cns - unit ivCs8792   cns - unit iv
Cs8792 cns - unit ivArthyR3
 
Cs8792 cns - unit i
Cs8792   cns - unit iCs8792   cns - unit i
Cs8792 cns - unit iArthyR3
 
Java quick reference
Java quick referenceJava quick reference
Java quick referenceArthyR3
 
Cs8792 cns - Public key cryptosystem (Unit III)
Cs8792   cns - Public key cryptosystem (Unit III)Cs8792   cns - Public key cryptosystem (Unit III)
Cs8792 cns - Public key cryptosystem (Unit III)ArthyR3
 
Cryptography Workbook
Cryptography WorkbookCryptography Workbook
Cryptography WorkbookArthyR3
 
Cs6701 cryptography and network security
Cs6701 cryptography and network securityCs6701 cryptography and network security
Cs6701 cryptography and network securityArthyR3
 
Compiler question bank
Compiler question bankCompiler question bank
Compiler question bankArthyR3
 
Compiler gate question key
Compiler gate question keyCompiler gate question key
Compiler gate question keyArthyR3
 

More from ArthyR3 (20)

Unit IV Knowledge and Hybrid Recommendation System.pdf
Unit IV Knowledge and Hybrid Recommendation System.pdfUnit IV Knowledge and Hybrid Recommendation System.pdf
Unit IV Knowledge and Hybrid Recommendation System.pdf
 
OOPs - JAVA Quick Reference.pdf
OOPs - JAVA Quick Reference.pdfOOPs - JAVA Quick Reference.pdf
OOPs - JAVA Quick Reference.pdf
 
NodeJS and ExpressJS.pdf
NodeJS and ExpressJS.pdfNodeJS and ExpressJS.pdf
NodeJS and ExpressJS.pdf
 
MongoDB.pdf
MongoDB.pdfMongoDB.pdf
MongoDB.pdf
 
REACTJS.pdf
REACTJS.pdfREACTJS.pdf
REACTJS.pdf
 
ANGULARJS.pdf
ANGULARJS.pdfANGULARJS.pdf
ANGULARJS.pdf
 
JQUERY.pdf
JQUERY.pdfJQUERY.pdf
JQUERY.pdf
 
Qb it1301
Qb   it1301Qb   it1301
Qb it1301
 
CNS - Unit v
CNS - Unit vCNS - Unit v
CNS - Unit v
 
Cs8792 cns - unit v
Cs8792   cns - unit vCs8792   cns - unit v
Cs8792 cns - unit v
 
Cs8792 cns - unit iv
Cs8792   cns - unit ivCs8792   cns - unit iv
Cs8792 cns - unit iv
 
Cs8792 cns - unit iv
Cs8792   cns - unit ivCs8792   cns - unit iv
Cs8792 cns - unit iv
 
Cs8792 cns - unit i
Cs8792   cns - unit iCs8792   cns - unit i
Cs8792 cns - unit i
 
Java quick reference
Java quick referenceJava quick reference
Java quick reference
 
Cs8792 cns - Public key cryptosystem (Unit III)
Cs8792   cns - Public key cryptosystem (Unit III)Cs8792   cns - Public key cryptosystem (Unit III)
Cs8792 cns - Public key cryptosystem (Unit III)
 
Cryptography Workbook
Cryptography WorkbookCryptography Workbook
Cryptography Workbook
 
Cns
CnsCns
Cns
 
Cs6701 cryptography and network security
Cs6701 cryptography and network securityCs6701 cryptography and network security
Cs6701 cryptography and network security
 
Compiler question bank
Compiler question bankCompiler question bank
Compiler question bank
 
Compiler gate question key
Compiler gate question keyCompiler gate question key
Compiler gate question key
 

Recently uploaded

Judging the Relevance and worth of ideas part 2.pptx
Judging the Relevance  and worth of ideas part 2.pptxJudging the Relevance  and worth of ideas part 2.pptx
Judging the Relevance and worth of ideas part 2.pptxSherlyMaeNeri
 
Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Jisc
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersSabitha Banu
 
How to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPHow to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPCeline George
 
Science 7 Quarter 4 Module 2: Natural Resources.pptx
Science 7 Quarter 4 Module 2: Natural Resources.pptxScience 7 Quarter 4 Module 2: Natural Resources.pptx
Science 7 Quarter 4 Module 2: Natural Resources.pptxMaryGraceBautista27
 
Karra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxKarra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxAshokKarra1
 
What is Model Inheritance in Odoo 17 ERP
What is Model Inheritance in Odoo 17 ERPWhat is Model Inheritance in Odoo 17 ERP
What is Model Inheritance in Odoo 17 ERPCeline George
 
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxMULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxAnupkumar Sharma
 
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdfAMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdfphamnguyenenglishnb
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17Celine George
 
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...Postal Advocate Inc.
 
Q4 English4 Week3 PPT Melcnmg-based.pptx
Q4 English4 Week3 PPT Melcnmg-based.pptxQ4 English4 Week3 PPT Melcnmg-based.pptx
Q4 English4 Week3 PPT Melcnmg-based.pptxnelietumpap1
 
Gas measurement O2,Co2,& ph) 04/2024.pptx
Gas measurement O2,Co2,& ph) 04/2024.pptxGas measurement O2,Co2,& ph) 04/2024.pptx
Gas measurement O2,Co2,& ph) 04/2024.pptxDr.Ibrahim Hassaan
 
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSGRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSJoshuaGantuangco2
 
How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17Celine George
 
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...Nguyen Thanh Tu Collection
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatYousafMalik24
 

Recently uploaded (20)

Judging the Relevance and worth of ideas part 2.pptx
Judging the Relevance  and worth of ideas part 2.pptxJudging the Relevance  and worth of ideas part 2.pptx
Judging the Relevance and worth of ideas part 2.pptx
 
Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginners
 
How to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPHow to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERP
 
Science 7 Quarter 4 Module 2: Natural Resources.pptx
Science 7 Quarter 4 Module 2: Natural Resources.pptxScience 7 Quarter 4 Module 2: Natural Resources.pptx
Science 7 Quarter 4 Module 2: Natural Resources.pptx
 
Karra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxKarra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptx
 
YOUVE_GOT_EMAIL_PRELIMS_EL_DORADO_2024.pptx
YOUVE_GOT_EMAIL_PRELIMS_EL_DORADO_2024.pptxYOUVE_GOT_EMAIL_PRELIMS_EL_DORADO_2024.pptx
YOUVE_GOT_EMAIL_PRELIMS_EL_DORADO_2024.pptx
 
What is Model Inheritance in Odoo 17 ERP
What is Model Inheritance in Odoo 17 ERPWhat is Model Inheritance in Odoo 17 ERP
What is Model Inheritance in Odoo 17 ERP
 
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxMULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
 
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptxFINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
 
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdfAMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
AMERICAN LANGUAGE HUB_Level2_Student'sBook_Answerkey.pdf
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
 
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
Incoming and Outgoing Shipments in 3 STEPS Using Odoo 17
 
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
 
Q4 English4 Week3 PPT Melcnmg-based.pptx
Q4 English4 Week3 PPT Melcnmg-based.pptxQ4 English4 Week3 PPT Melcnmg-based.pptx
Q4 English4 Week3 PPT Melcnmg-based.pptx
 
Gas measurement O2,Co2,& ph) 04/2024.pptx
Gas measurement O2,Co2,& ph) 04/2024.pptxGas measurement O2,Co2,& ph) 04/2024.pptx
Gas measurement O2,Co2,& ph) 04/2024.pptx
 
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSGRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
 
How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17
 
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
HỌC TỐT TIẾNG ANH 11 THEO CHƯƠNG TRÌNH GLOBAL SUCCESS ĐÁP ÁN CHI TIẾT - CẢ NĂ...
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice great
 

VIT336 – Recommender System - Unit 3.pdf

  • 1. Unit III – Content Based Recommendation Dr. R. Arthy, Assistant Professor, Department of Information Technology, Kamaraj College of Engineering and Technology
  • 2. Introduction  A content-based recommendation system suggests items to users based on the features or attributes of those items and the user's preferences.  It works by recommending items that are similar in content to those the user has liked in the past.  This type of system is particularly useful when there is limited information about users or when explicit user feedback is sparse.
  • 4. [contd…]  User Profile:  Create the vectors that describe the user’s preference.  In the creation of a user profile, we use the utility matrix which describes the relationship between user and item.  With this information, the best estimate we can make regarding which item user likes, is some aggregation of the profiles of those items.
  • 5. [contd…]  Item Profile:  In Content-Based Recommender, we must build a profile for each item, which will represent the important characteristics of that item.  For example, if we make a movie as an item then its actors, director, release year and genre are the most significant features of the movie.  We can also add its rating from the IMDB (Internet Movie Database) in the Item Profile.
  • 6. [contd…]  Utility Matrix:  Utility Matrix signifies the user’s preference with certain items.  In the data gathered from the user, we have to find some relation between the items which are liked by the user and those which are disliked, for this purpose we use the utility matrix.  In it we assign a particular value to each user-item pair, this value is known as the degree of preference.  Then we draw a matrix of a user with the respective items to identify their preference relationship.
  • 8. [contd…]  Content Acquisition:  This module gathers information about the items in the system.  Data sources can include product descriptions, movie trailers, music genres, article keywords, or any other content attributes relevant to the recommendation task.  Content Preprocessing:  Raw data might need cleaning, transformation, and feature extraction.  This could involve techniques like text normalization, stemming, removing irrelevant information, or creating numerical representations of textual features.
  • 9. [contd…]  User Profile Building:  The system builds a profile for each user based on their past interactions with the system.  This might include items they liked, viewed, purchased, or any other relevant user activity data.  User profiles can also incorporate demographic information if available.  Content Similarity Calculation:  Calculate the similarity between items based on their attributes and the user profile.  Common similarity measures include cosine similarity, Jaccard similarity, or Euclidean distance.
  • 10. [contd…]  Recommendation Generation:  Generate recommendations for the user based on the similarity scores.  This could involve ranking items based on their similarity to items the user has liked or interacted with..  Feedback Loop:  Incorporate user feedback to improve the recommendations over time. This could include explicit feedback (e.g., ratings) or implicit feedback (e.g., clicks, views).  Deployment:  Deploy the recommendation system in a production environment, where it can serve recommendations to users in real-time or batch mode.  Monitoring and Evaluation:  Monitor the performance of the recommendation system.
  • 11. Advantages  No Cold Start Problem:  Content-based systems can make recommendations even when there is limited or no information about a user's preferences, unlike collaborative filtering systems that require data on user interactions.  Personalized Recommendations:  Since content-based systems recommend items based on the user's past interactions and preferences, the recommendations tend to be more personalized to the user's tastes.  Transparency:  The reasoning behind the recommendations is more transparent in content-based systems since they are based on the attributes of the items and the user's profile.  Reduced Dependency on Data:  Content-based systems do not rely heavily on data about other users, making them more robust in situations where such data is sparse or unreliable.
  • 12. Disadvantages  Limited Serendipity:  Content-based systems tend to recommend items that are similar to what the user has already liked, which can lead to a lack of serendipity or discovery of new items.  Limited Diversity:  Since recommendations are based on the content of the items, there is a risk of recommending similar items repeatedly, leading to a lack of diversity in recommendations.  Dependency on Item Attributes:  The quality of recommendations in a content-based system is highly dependent on the availability and quality of item attributes. If the item attributes are incomplete or inaccurate, the recommendations may suffer.
  • 13. Disadvantages  Overfitting:  Content-based systems can suffer from overfitting if the user's profile is too specific or if there is not enough diversity in the item attributes used for recommendations.  Limited Context:  Content-based systems may not take into account the context in which items are being recommended, such as the user's current mood or situation, which can lead to less relevant recommendations.
  • 14. Item Profiles  In a content-based system, each item is a profile, which is a record or a collection of records representing important characteristics of that item, is first constructed.  For example, for a movie recommendation system, the important characteristics are:  1. The set of actors of the movie.  2. The director.  3. The year in which the movie was made.  4. The genre or general type of movie, and so on.  The objective of content-based recommendation systems is to find and rank things (documents) according to the user preferences.
  • 15. Discovering Features of Documents  Text Preprocessing:  First, preprocess the text to remove noise and irrelevant information.  This may include removing punctuation, stopwords (common words like "and", "the"), and converting words to lowercase.  Tokenization:  Tokenize the text into words or phrases to create a list of tokens.  Vectorization:  Convert the tokens into numerical representations.  This can be done using techniques like TF-IDF (Term Frequency- Inverse Document Frequency) or word embeddings (e.g., Word2Vec, GloVe).
  • 16. [contd…]  Feature Selection:  Select the most relevant features for the document.  This could involve filtering out features with low TF-IDF scores or using dimensionality reduction techniques like PCA (Principal Component Analysis) or LDA (Latent Dirichlet Allocation).  Building the Item Profile:  Create a profile for each document based on its features.  This could be a vector representation where each dimension corresponds to a feature, and the value represents the importance or frequency of that feature in the document.  Similarity Calculation:  Calculate the similarity between documents based on their feature vectors.  This could be done using cosine similarity, Jaccard similarity, or other similarity measures.
  • 17. Connecting Item Profiles and Features  Once features are identified, they are used to populate the item profile for each document.  This profile becomes the basis for comparison with user profiles in the recommendation process.  The chosen features should be effective in distinguishing between different items and capturing the essence of what makes them unique.
  • 18. Obtaining Item Features from Tags  Tags can be a valuable source of information for obtaining item features in a content-based recommender system.  Tags as Content Attributes:  Tags are user-assigned labels that describe an item's characteristics.  They can be a concise way to capture some of the key features of an item, similar to how content attributes are used in item profiles.  For example, a movie might be tagged with "comedy," "action," and "adventure," while an article might have tags like "politics," "technology," and "environment."
  • 19. [contd…] Utilizing Tags for Feature Extraction:  Direct Mapping:  The simplest approach is to directly use the tags themselves as features in the item profile.  This works well if the tags are well-defined and standardized.  However, it might not capture the full range of an item's features, especially if there are limited or ambiguous tags.
  • 20. [contd…]  Tag Weighting:  Not all tags are created equal. Some might be more indicative of an item's core features than others.  Assigning weights to tags based on factors like popularity, frequency, or user expertise can improve the informativeness of the features extracted.  Tag Clustering:  Tags can be grouped together based on their semantic similarity.  This can help identify broader themes or categories that can be used as features.  For example, a cluster of tags like "comedy," "humor," and "funny" can be summarized into a single feature like "comedy genre."
  • 21. [contd…] Challenges  Tag Quality:  The effectiveness of using tags for feature extraction relies heavily on the quality of the tags themselves.  Inconsistent, ambiguous, or misspelled tags can lead to inaccurate item profiles.  Limited Scope:  Tags might not capture all the features of an item, especially complex ones.  Combining tags with other content analysis techniques can provide a more comprehensive picture.  Subjectivity:  Tags are subjective and reflect the perspective of the user who assigned them.  Techniques like combining tags from multiple users or leveraging expert- curated tags can improve objectivity.
  • 22. User Profile  A user profile in the context of recommender systems is a representation of a user's preferences, interests, and behavior based on their interactions with the system.  User profiles are used to personalize recommendations by understanding and predicting what items a user is likely to be interested in  User profiles are dynamic and can be updated over time as the user interacts with the system and provides feedback.  They are used by recommender systems to generate personalized recommendations that are tailored to the individual user's interests and preferences.
  • 23. Types of Information  Explicit Preferences: Ratings, likes, dislikes, and other explicit feedback provided by the user about items.  Implicit Feedback: Indirect indicators of user preferences, such as items viewed, clicked, purchased, or the amount of time spent on an item.  Demographic Information: Age, gender, location, and other demographic information that can provide context for the user's preferences.  Contextual Information: Current context or situational factors that may influence the user's preferences, such as time of day, device used, or location.  Behavioral Patterns: Patterns in the user's interactions with the system, such as frequent purchases or preferences for certain types of content.
  • 24. Methods for Learning User Profiles  Rule-Based Approaches:  Example: If a user consistently watches action movies and rates them highly, the system can infer that the user prefers action movies.  Content-Based Filtering:  Example: If a user frequently listens to songs by a certain artist, the system can infer that the user likes that artist and recommend other songs by the same artist.  Collaborative Filtering:  Example: If a user's ratings are similar to those of other users, the system can infer that the user has similar tastes and recommend items that the other users have liked.
  • 25. [contd…]  Matrix Factorization:  Example: Using techniques like Singular Value Decomposition (SVD), the system can learn latent factors that represent user preferences and item characteristics, which can then be used to make recommendations.  Deep Learning:  Example: Using neural networks, the system can learn complex patterns in user behavior and item features to make personalized recommendations.  Hybrid Approaches:  Example: Combining content-based and collaborative filtering techniques to leverage both user preferences and item characteristics for better recommendations.
  • 26. Probabilistic Methods - Naive Bayes classifier  Bayes' Theorem: Bayes' theorem is used to calculate the probability of a hypothesis (class label) given the data. It is expressed as:
  • 27. [contd…]  Naive Bayes Assumption:  Naive Bayes assumes that the presence of a particular feature in a class is independent of the presence of any other feature, given the class variable.  This is a strong (naive) assumption but simplifies the computation and often works well in practice, especially for text classification tasks.
  • 28. [contd…]  Classification: To classify a new instance x, Naive Bayes calculates the posterior probability of each class given x and selects the class with the highest probability:
  • 29. Relevance Feedback and Rocchio’s Algorithm  Relevance feedback is a technique used in information retrieval and recommendation systems to improve the relevance of search results or recommendations based on user feedback.  Rocchio's algorithm is a classic relevance feedback algorithm used to update the query in information retrieval systems.
  • 30. [contd…]  Initial Query:  The process starts with an initial query q0​ provided by the user.  Feedback:  The user examines the search results or recommendations and provides feedback on the relevance of the items.  This feedback can be binary (relevant or irrelevant) or graded (e.g., on a scale of relevance).
  • 31. [contd…]  Updating the Query:  Rocchio's algorithm updates the initial query based on the feedback to improve the relevance of the results.  The updated query qnew​ is calculated as:
  • 32. [contd…]  Re-ranking:  The updated query is used to re-rank the search results or recommendations, placing more weight on terms that are present in relevant documents and less weight on terms that are present in irrelevant documents.
  • 33. Steps to Create Profiles  Define Item/User Features:  Determine the features of the items that you want to use for recommendation.  These features could include genres, actors, directors, keywords, or any other attributes that describe the items.  Gather data on the user's interactions with items, such as items they have liked, rated, or interacted with.  Feature Extraction:  Extract the features from the items. For textual content, this could involve techniques like TF-IDF (Term Frequency-Inverse Document Frequency) to extract keywords or phrases.  For other types of content, you may need to use different extraction methods.  Extract features from the items the user has interacted with.
  • 34. [contd…]  Normalization:  Normalize the features to ensure that they are on a similar scale. This can help in comparing the features of different items.  Weighting:  Assign weights to the features based on their importance. For example, you may want to give more weight to the genre of a movie than to the director.  Profile Representation:  Represent the item/user profile as a vector, where each dimension corresponds to a feature and the value represents the strength or importance of that feature for the item.  Updating the Profile:  Update the item profiles regularly based on any changes or updates to the items.  This can help in keeping the profiles relevant and up-to-date.  Privacy Considerations:  Ensure that sensitive information is not included in the item profiles, especially if the items are user-generated content.
  • 35. Classification Algorithms  k-Nearest Neighbors (k-NN):  k-NN is a simple and effective algorithm for content-based recommendation.  It works by finding the k most similar items to a given item based on their feature vectors and recommending those items to the user.  Support Vector Machines (SVM):  SVM is a powerful algorithm for classification tasks.  In content-based recommendation systems, SVM can be used to classify items into different categories based on their features, allowing for more accurate and personalized recommendations.  Decision Trees:  Decision trees are used to classify items based on a series of binary decisions.  In content-based recommendation systems, decision trees can be used to classify items into different categories based on their features, making it easier to recommend similar items to users.
  • 36. Classification Algorithms  Random Forests:  Random forests are an ensemble learning method that uses multiple decision trees to improve classification accuracy.  In content-based recommendation systems, random forests can be used to classify items based on their features and make more accurate recommendations to users.  Naive Bayes:  Naive Bayes is a simple probabilistic classifier that is based on the Bayes theorem.  In content-based recommendation systems, Naive Bayes can be used to classify items into different categories based on their features and make recommendations to users based on those classifications.
  • 37. K-Nearest Neighbor  k-Nearest Neighbors (k-NN) is a simple, instance-based learning algorithm used for classification and regression tasks.  It works based on the idea that similar items exist in close proximity to each other.  In the context of recommendation systems, k-NN is used in content-based approaches to recommend items that are similar to items the user has interacted with or liked.
  • 38. [contd…]  Training Phase:  The algorithm stores all available items in a multidimensional space, where each item is represented as a point with its features as coordinates.  Prediction Phase:  When a user seeks recommendations, the algorithm calculates the distance (typically Euclidean distance) between the target item (item to be recommended) and all other items in the space.  Selection:  It then selects the k-nearest items (items with the smallest distances) to the target item.  Recommendation:  For classification tasks, the algorithm assigns the class label that appears most frequently among the k-nearest items.  For regression tasks, it calculates the average of the target attribute of the k-nearest items.
  • 39. [contd…] Consider a movie recommendation system where movies are represented by their genres (e.g., Action, Comedy, Drama) and ratings (e.g., 1-5 stars).  Training Phase:  The algorithm stores the movies in a multidimensional space based on their genres and ratings.  Prediction Phase:  When a user likes an Action movie rated 4 stars and seeks recommendations, the algorithm calculates the distances between this movie and all other movies.  Selection:  Suppose k=3. The algorithm selects the 3 nearest movies to the target movie based on genre and rating distances.  Recommendation:  If the 3 nearest movies are “Movie1" (Action, 5 stars), “Movie2" (Action, 4.5 stars), and “Movie3" (Action, 4 stars), the algorithm might recommend these movies to the user based on their similarity to the target movie.
  • 40. Support Vector Machines (SVMs)  Support Vector Machines (SVMs) are supervised machine learning models used for classification and regression tasks.  In the context of recommendation systems, SVMs can be used in content-based approaches to classify items into different categories based on their features and make recommendations to users.  Training Phase:  The SVM algorithm takes a dataset of items, each represented by a set of features, and learns to classify them into different categories.  It does this by finding the hyperplane that best separates the different categories while maximizing the margin (distance) between the hyperplane and the nearest data points (support vectors).  Prediction Phase:  When a user seeks recommendations, the SVM classifies items based on their features and assigns them to the appropriate category.
  • 41. [contd…] Consider a movie recommendation system where movies are represented by their genres (e.g., Action, Comedy, Drama) and ratings (e.g., 1-5 stars).  Training Phase:  The SVM algorithm takes a dataset of movies, each represented by its genre and rating, and learns to classify them into different genres (e.g., Action, Comedy, Drama).  Prediction Phase:  When a user likes Action movies and seeks recommendations, the SVM classifies movies based on their genres and assigns them to the Action category.  Recommendation:  The SVM recommends movies in the Action category to the user based on their similarity to other Action movies.
  • 42. Decision Tree  Decision trees are a popular machine learning algorithm for both classification and regression tasks.  They work by recursively partitioning the input space into regions, with each partition corresponding to a specific class or value.  Start with the Root Node:  The decision tree starts with a root node that contains the entire dataset.  Select a Feature to Split On:  The algorithm selects a feature that best splits the dataset into two or more homogeneous subsets.  It does this by evaluating different features and selecting the one that maximizes the information gain or minimizes impurity (e.g., Gini impurity, entropy).
  • 43. [contd…]  Split the Dataset:  The dataset is split into subsets based on the selected feature.  Each subset corresponds to a different branch of the decision tree.  Repeat the Process:  The algorithm recursively repeats the process for each subset, selecting features to split on and creating new branches until a stopping criterion is met.  This criterion could be a maximum tree depth, a minimum number of samples per leaf, or a minimum improvement in impurity.
  • 44. [contd…]  Create Leaf Nodes:  Once the algorithm reaches a stopping criterion, it creates leaf nodes that represent the final output of the decision tree.  For classification tasks, each leaf node corresponds to a class label.  For regression tasks, each leaf node corresponds to a predicted value.  Make Predictions:  To make predictions for new data points, the algorithm traverses the decision tree from the root node to a leaf node, following the branches that correspond to the values of the features of the data point.  The prediction is then based on the majority class or the average value of the samples in the leaf node.
  • 45. [contd…]  In a movie recommendation system, a decision tree can be used to predict whether a user will like a particular movie based on features such as genre, director, actors, and ratings.  Dataset:  Consider a dataset with several movies and their features (genre, director, actors) along with user ratings (like/dislike).
  • 46. [contd…]  Decision Tree Construction: Using this dataset, a decision tree can be constructed to predict whether a user will like a movie. The decision tree might look like this:  If the genre is Action:  If the director is Christopher Nolan:  Predict "like"  If the director is not Christopher Nolan:  If the lead actor is Tom Cruise:  Predict "like"  If the lead actor is not Tom Cruise:  Predict "dislike"
  • 47. [contd…]  Making a Prediction:  To predict whether a user will like a new movie, we start at the root of the decision tree and follow the branches based on the features of the movie.  For example, if the new movie is an Action movie directed by Christopher Nolan, the decision tree would predict that the user will like the movie.  Training and Evaluation: The decision tree is trained on a subset of the dataset and evaluated on another subset to ensure that it generalizes well to new data.
  • 48. Random Forest  Random Forest is an ensemble learning method that operates by constructing a multitude of decision trees during training and outputting the mode of the classes (classification) or the mean prediction (regression) of the individual trees.  Bootstrapped Dataset:  For each tree in the random forest, a bootstrapped dataset (sampled with replacement from the original dataset) is created.  Feature Selection:  For each tree, a random subset of features is selected at each split.  This helps to decorrelate the trees and make the forest more robust.
  • 49. [contd…]  Growing Trees:  Each tree is grown to the maximum depth possible or until a minimum number of samples per leaf is reached, resulting in fully grown but unpruned trees.  Voting:  For a new data point, each tree in the forest predicts the class (or value in regression) independently.  The final prediction is then determined by majority voting (for classification) or averaging (for regression) the predictions of all the trees.
  • 50. [contd…] Example:  Dataset:  We have a dataset of movies with features such as genre, director, actors, and ratings.  Each movie is also associated with a user rating (e.g., on a scale of 1 to 5 stars).  Bootstrapped Dataset:  For each tree in the random forest, we create a bootstrapped dataset by sampling with replacement from the original dataset.  This creates multiple datasets, each containing a subset of the movies.  Feature Selection:  For each tree, we randomly select a subset of features at each split.  For example, at the first split, the algorithm may randomly select genre and director as the candidate features.
  • 51. [contd…]  Growing Trees:  Each tree is grown independently to its maximum depth or until a stopping criterion is met.  This results in a forest of fully grown but unpruned trees, each trained on a different subset of the data.  Voting:  For a new user, each tree in the forest predicts the user's rating for a movie they have not seen based on the movie's features.  The final prediction is then determined by averaging the predicted ratings from all the trees.  For example, if 60 out of 100 trees predict a rating of 4 stars and 40 predict a rating of 3 stars, the final predicted rating is 3.8 stars.