Recommender System Flashcards

1
Q

What is “Top-N recommenders”? Give 3 Examples

A

Produce a finite list of the best things to present to a given person.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
2
Q

What is Explicit feedback? Give 3 Examples

A

Directly ask for users’ interest.
Example: Rating, Reviews, Like/Dislike

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
3
Q

What is the disadvantage of Explicit Feedback?

A

Humans can get tired of providing so much feedback, and will not reliably provide accurate or truthful feedback

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
4
Q

What is the advantage of Explicit Feedback?

A

Clear preferences: Explicit feedback provides clear indications of user preferences and opinions. Interpretable: Ratings and reviews are straightforward to interpret and incorporate into recommendation models

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
5
Q

What is Implicit feedback? Give 3 Examples

A

Look at users’ behaviours and interpret them as indications of interest or disinterest.
Example: Purchase History, Click-Through Rate (CTR), Viewing Time

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
6
Q

What is the disadvantage of Implicit Feedback?

A

Lack of explcit preferences: Implicit feedback might not precisely reflect users’ true preferences, leading to potential ambiguity.
Difficulty in interpreting: Understanding the exact meaning of implicit signals can be challenging.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
7
Q

What is the advantage of Implicit Feedback?

A

Abundant data: Implicit feedback is often more abundant than explicit feedback, as it is generated passively during user interactions.
Less user effort: Users don’t need to explicitly rate items, making implicit feedback collection less intrusive.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
8
Q

List some accuracy metrics to evaluate a recommender system.

A

Examples: Mean Absolute Error, Root Mean Square Error.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
9
Q

Why do accuracy metrics matter?

A

It provides an offline and immediate evaluation methods for tuning, comparing and benchmarking the model.

However, accuracy and rating predictions have limited value in practice, as the goal is not to minimize the error, but to find what people like. Fundamentally, it’s impossible to evaluate the value of a recommender system offline.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
10
Q

What is Hit Rate?

A

the proportion of users for whom the system made at least one relevant recommendation.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
11
Q

Why does Hit Rate Matters?

A

A higher Hit Rate indicates that a larger portion of users received recommendations they found useful, contributing to overall user satisfaction.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
12
Q

What are considerations of using Hit Rate?

A

The larger the list of recommending items, the higher the hit rate is. Therefore, choose a reasonable value for L

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
13
Q

What is Average reciprocal hit rate (ARHR)?

A

a hit but it accounts for where in the top end list the hit appear.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
14
Q

Why does Average reciprocal hit rate (ARHR) matter?

A

A higher ARHR score implies that the system is effective in identifying and placing relevant items at the forefront of the recommendation list.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
15
Q

What is Cumulative hit rate (cHR)?

A

Add a threshold for the test set so that we test on items with acceptable ratings.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
16
Q

Why does Cumulative hit rate (cHR) matter?

A

We shouldn’t get credit for recommending items to a user that we think they won’t actually enjoy

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
17
Q

What is Coverage?

A

the % of (user, item) pairs that can be predicted or percentage of possible recommendation that the recommender system can provide.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
18
Q

Why does Coverage matter?

A

The ability of the recommender system to recommend all items from a train set to users.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
19
Q

What are considerations of using Coverage?

A

There can be a trade-off between coverage and accuracy. A system with the ability to recommend all items to a user is no different than a random prediction.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
20
Q

What is Diversity?

A

How broad a variety of the recommending items. (1-S), in which S is the average similarity between recommendation pairs.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
21
Q

Why does Diversity matter?

A

Avoid repetitiveness and discover user’s new interests

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
22
Q

What are considerations of using Diversity?

A

High diversity is not always good. You can achieve very high Diversity by just recommending completely random items.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
23
Q

What is Novelty?

A

A measure of how popular the recommending items.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
24
Q

Why does Novelty matter?

A

Novelty can help to increase user engagement and satisfaction

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
25
Q

What are considerations of using Novelty?

A

Need to find a balance between finding familiar popular items and the serendipitous discovery of new items.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
26
Q

What is Long tail?

A

There will be always an exponential distribution where most sales come from a very small number of items, but long tail also makes up a large amount of sale

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
27
Q

Why does Long tail matter?

A

Recommender systems can help people discover those items in the long tail that are relevant to their own unique niche interests. If you can do that successfully, then the recommendations your system makes can help new authors get discovered, can help people explore their own passions, and make money for whoever you’re building the system for as well.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
28
Q

What is Responsiveness?

A

How quickly does new user behavior influence the recommendations

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
29
Q

Why does Responsiveness matter?

A

The faster the responsiveness allows the system easily catch up to the current trends and patterns.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
30
Q

What are considerations of using Responsiveness?

A

The trade off is complexity and responsiveness

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
31
Q

What is Perceived Quality?

A

straight up ask your users if they think specific recommendations are good.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
32
Q

Why does Perceived Quality matter?

A

Explicit Feedback for the recommender system

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
33
Q

What are considerations of using Perceived Quality ?

A

Noisy data as there is no clear indicate/standard for a good recommendation

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
34
Q

What is A/B Testing?

A

Put recommendations from different algorithms in front of different sets of users and measure how they react to the presented recommendations

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
35
Q

Why does A/B Testing matter?

A

One of the best way to tune the recommender system. Result of online A/B test is emphasized as the most matter metric.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
36
Q

What are considerations of using A/B Testing?

A

Complex and expensive to execute and maintain.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
37
Q

What is Content-based filtering? Give 3 Examples

A

A technique that suggests items to users based on the characteristics or attributes of items users have rated, analyzing the content of the items themselves.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
38
Q

List some popular similarity metrics

A

Consine Similarity, Pearson Correlation Coefficient, Jaccard Similarity, Euclidean Distance, etc.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
39
Q

What is Cosine Similarity?

A

Cosine similarity measures the cosine of the angle between two vectors. It ranges from -1 (completely dissimilar) to 1 (completely similar).

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
40
Q

Why do you use Cosine Similarity?

A

Commonly used in text mining, collaborative filtering, and information retrieval.

Suitable for high-dimensional data where the direction of vectors matters more than the magnitude.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
41
Q

What is Euclidean similarity?

A

Euclidean distance measures the straight-line distance between two points in a multi-dimensional space. Smaller distances indicate greater similarity.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
42
Q

What is the usage of Euclidean similarity?

A

Suitable for continuous numerical data in a multidimensional space.

Often used in clustering, pattern recognition, and image analysis.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
43
Q

What is Hamming Distance?

A

the disimilarity between two strings of equal length. It is defined as the number of positions at which the corresponding symbols (characters or bits) are different.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
44
Q

What is the usage of Hamming Distance?

A

Primarily used for binary data, such as error detection and correction codes. Also applicable to categorical data with a predefined order.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
45
Q

What is Jaccard Similarity?

A

Jaccard similarity measures the proportion of common elements between two sets. It ranges from 0 (no common elements) to 1 (identical sets).

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
46
Q

Why do you use Jaccard Similarity?

A

Commonly used in set similarity, document similarity, and recommendation systems. Suitable for scenarios where the presence or absence of elements is important.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
47
Q

What is Adjusted cosine similarity?

A

measure the similarity between users or items based on their ratings. It is an extension of the traditional Cosine Similarity, with adjustments made to account for user (or item) biases. Adjusted Cosine Similarity considers the ratings given by users while accounting for the user’s overall rating tendencies.

48
Q

Why do you use Adjusted cosine similarity?

A

Collaborative filtering, especially when accounting for user/item biases.

49
Q

What is Pearson similarity?

A

Pearson correlation measures the linear relationship between two variables. It ranges from -1 (perfect negative correlation) to 1 (perfect positive correlation).

50
Q

Why do you use Pearson similarity?

A

Widely used in statistics, collaborative filtering, and linear relationships. Suitable for continuous data where a linear relationship is expected.

51
Q

What is Spearman rank correlation?

A

measures the strength and direction of association between two ranked variables

52
Q

Why do you use Spearman rank correlation?

A

Suitable for ordinal or ranked data, often used in non-parametric statistics. Useful when the relationship between variables is monotonic but not necessarily linear.

53
Q

What is Mean squared difference?

A

a measure of the average squared differences between corresponding elements of two vectors.

54
Q

Why do you use Mean squared difference?

A

Commonly used as a loss function in regression analysis, optimization problems, and model evaluation. Measures the average squared differences between corresponding elements.

55
Q

How to use KNN in Content-based Filtering?

A
  1. Measure similarity score between a movie and all other rated items. Repeat to all unrated items.
  2. Sort and produce the top items.
  3. Use weight average to predict the rating.
56
Q

What is Neighborhood-based Collaborative Filtering?

A

A technique that taking cues from people like you and recommend stuff based on the things they like that you haven’t seen yet. Recommending stuff based on people’s collaborative behaviors.

57
Q

What is Sparsity in Recommender System?

A

sparsity refers to the proportion of missing or unrated values in the user-item interaction matrix.
Recommender system matrices are often sparse because users typically interact with or rate only a small fraction of the items available in the system. Most entries in the matrix are missing.

58
Q

What is the challenges made by Sparsity?

A

The sparsity of the matrix poses challenges for recommendation algorithms because it means that a large portion of the user-item interaction data is unknown. This can lead to difficulties in accurately predicting user preferences for unrated items.

59
Q

What is User-based Collaborative Filtering?

A

Recommend stuff that similar users like that you haven’t seen yet.

60
Q

How is the User-based Collobarive Filtering done?

A
  1. Collect data, 2D array, each user will have a vector that represents their ratings for each item. This is item rating matrix.
  2. Compute cosine similarity between any pair of users. This is user similarity matrix.
  3. Sort the list and pick up the top-n similar users
  4. Candidate generation: take the items rated by the chosen users
  5. Candidate scoring: there are many ways. Example: normalize rating scores.
  6. Candidate sorting: using the above scoring
  7. Candidate filtering: remove item that already
61
Q

What is Item-based Collaborative Filtering?

A

Recommend things that similar to the item users like. One advantage is that items are more permanent and suits for small amount of dataset.

62
Q

How is the Item-based Collobarive Filtering done?

A
  1. Represent data in which each item have a vector contains its characteristics, or it could be how other users like it or not. —> item rating matrix
  2. Compute cosine similarity between any pair of items. —> item similarity matrix
  3. Sort the list and pick the top-n similar item
  4. Candidate filtering
63
Q

How to use KNN in Item-based and User-based Collaborative Filtering?

A

User-based KNN: for user u and item i
1. Find the k-most similar users who rated the item
2. Compute the mean similarity score weighted by ratings
3. Rating prediction
Item-based KNN: for user u and item i
1. Find the k most-similar items also rated by a user
2. Compute mean similarity score weighted by ratings
3. Rating prediction

64
Q

What is matrix factorization?

A

Describe users and items as combinations of different amounts of each feature.

65
Q

Why does matrix factorization matter?

A

Matrix factorization is particularly effective in handling sparse matrices commonly encountered in recommender systems.

66
Q

How to implement matrix factorization?

A

Describe the training data in terms of smaller matrices that are factors of the ratings we want to predict.
- R = MΣtrans(U), this automatically fills in unrated pairs of user and item. Given:
- M is the PCA matrix
- U is the original matrix, missing value can be completed by putting random default value at first and keep minimize the error rate of these missing values.

67
Q

What is Principle Component Analysis (PCA)? Why does it matter?

A

PCA is a feature extraction technique. In a recommender system, PCA find and extract latent features from the data.
PCA tries to find principle components, which are eigenvectors
Eigenvectors: a vector that describes the variance the best and its orthogonal vector. —> define a new vector space that can fit the data.

68
Q

What is Singular Value Decomposition (SVD)?

A

Singular value decomposition is technique to decompose R into M, Σ and U.
Techniques such as SGD (stochastic gradient descent) and ALS (alternating least square) can be used to learn the best values of those factored matrices when having missing data. Therefore, this is more of a SVD-inspired algorithm.

69
Q

What is gradient descent in Recommender System?

A

Gradient descent is an optimization algorithm commonly used in training machine learning models. The goal of gradient descent is to minimize a cost or loss function by iteratively adjusting the model’s parameters in the direction of steepest descent of the gradient. This iterative process continues until the algorithm converges to a minimum or until a predefined stopping criterion is met

70
Q

What is Auto Differentiation in Recommender System?

A

a technique for computing derivatives of functions automatically.

71
Q

What is Softmax function in Recommender System?

A

The softmax function takes a vector of real numbers as input and outputs a probability distribution that sums to 1. Used for tasks involving multi-class classification or probability distribution

72
Q

What is backpropogation?

A

a key algorithm used in training artificial neural networks. The backpropagation algorithm is a supervised learning method that enables the optimization of model parameters by minimizing a chosen loss or objective function.

73
Q

How is backpropogation executed?

A
  1. Forward Pass: input data is fed into the neural network to generate output values.
  2. Calculate the loss function
    3, Backward pass: computing the gradient of the loss with respect to each model parameter. This is achieved by applying the chain rule of calculus.
  3. Parameter Update and Repeat
74
Q

What is activation function? List some activation functions and differentiate those.

A

A mathematical operation applied to the output of a neuron in a neural network
Example:
- Sigmoid Activation Function: binary output
- Hyperbolic Tangent Activation Function: Similar to the sigmoid but with a range of (-1, 1), making it zero-centered
- Rectified Linear Unit (ReLU) Activation Function: The most widely used activation function. It introduces non-linearity and is computationally efficient
- Softmax Activation Function: Often used in the output layer for multi-class classification

75
Q

What is optimization function? List some activation functions and differentiate those.

A

Defines the strategy for adjusting the model parameters during training to minimize the chosen loss or objective function.
Example:
- Stochastic Gradient Descent (SGD): Iteratively updates parameters based on the gradient of the loss with respect to the parameters
- Adam (Adaptive Moment Estimation): Combines ideas from RMSprop and momentum.
- RMSprop (Root Mean Square Propagation): Adapts the learning rates of each parameter based on their historical gradients.
- Momentum Optimization: add a momentum term to the update rule for the model parameters

76
Q

How to prevent overfitting in deep learning?

A
  1. Regularization Techniques: L1, L2, and Elastic Net Regularization Regularization
  2. Dropout: Randomly dropout (ignore) a fraction of neurons during training
  3. Data Augmentation: Increase the effective size of the training dataset by applying random transformations (rotations, translations, flips) to the input data.
  4. Early Stopping: Monitor the performance on a validation dataset during training and stop the training process when the performance starts to degrade
77
Q

What is the practice to tune the topology of a deep learning model?

A
  1. Start Small and Gradually Increase Complexity
  2. Start with a sequential approach, adding layers one at a time and use early stopping when the model starts to degrade.
  3. Use Model zoos and Pre-trained architecture
78
Q

What is Tensorflow?

A

An architecture for executing a graph of numerical operations Optimizing the processing of that graph, and distribute its processing across a network and distribute work across GPUs. Tensor: an array or matrix of values

79
Q

How to use Tensorflow to create a neural network model.

A
  1. Load up the training and testing data
  2. Construct a graph of the neural network:
    1. Use placeholders for the input data and target labels
    2. Use variables for the learned weights for each connection and learned biases for each neuron.
  3. Associate an optimizer
  4. Run the optimizer with the data
  5. Evaluate with testing data
    Note: Make sure features are normalized so that every input feature is comparable in terms of magnitude.
80
Q

What is Keras?

A

Keras is an open-source high-level neural networks API written in Python

81
Q

What is Convolutional Neural Networks (CNNs)?

A

The idea is to take a source data, break it up into chunks called convolutions, and then assemble those and look for patterns at increasingly higher complexities at higher levels of the neural network.

82
Q

What problems is the CNN good for?

A

CNN is good for unstructured data to look for feature location invariants.

83
Q

What are challenges of CNNs?

A

resource-intensive, lots of hyperparameters. training data

84
Q

How to implement CNNs with Keras?

A

Source data must have appropriate dimensions
- Conv2D layer does the convolution on a 2D image
- MaxPooling2D layers can reduce a 2D layer down by taking the maximum value in a given block.
- Flatten layers will convert the 2D layer to 1D layer for passing into a flat hidden layer of neurons.
Typical usage: Conv2D → MaxPooling2D → Dropout → Flatten → Dense → Dropout → Softmax

85
Q

What is Recurrent Neural Network (RNNs)?

A

there is a loop over a neuron, in which the output from previous run will be the input and improve the learning capability of a neuron, that still remain characteristics of the previous runs’ outputs.

86
Q

What problem is the RNN good for?

A

for sequence of data (time-series data), or sequence of arbitrary length (machine translation, image captions, machine-generated music)

87
Q

What are challenges of RNNs?

A

sensitive to topologies, choice of hyperparameters, resource-intensive

88
Q

How to implement RNNs with Keras?

A

Implementing Recurrent Neural Networks (RNNs) with Keras involves using the SimpleRNN, LSTM (Long Short-Term Memory), or GRU (Gated Recurrent Unit) layers provided by Keras. These layers allow you to model sequential and time-dependent data, making them suitable for tasks such as time series prediction, natural language processing, and more

89
Q

What is the challenge when using deep learning for a recommender system?

A

The challenge when using deep learning for a recommender system is the algorithm has to work with sparse data. Deep learning models, especially neural collaborative filtering approaches, may struggle to effectively capture patterns in sparse data. This problem is signified with the cold start problem.

90
Q

What is Restricted Boltzmann Machines?

A

Contain two layers:

  • A visible layer: feed our training data into this layer in a forward pass
  • A hidden layer: train weight and biases during back propagation. Activation function produce the output.

RBM’s for recommender systems: Use each user in the training data as a set of inputs into RBM:

  • The visible nodes represent ratings for a given user and the network constructs weights and bias to produce the prediction for unknown pair of users and items.
  • Deal with sparse data by excluding any missing ratings from processing while training the RBM.
  • Function to optimize: Contrastive Divergence - sample probability distributions during training using Gibb sampler.
91
Q

What is Autoencoder for Recommendations (“AutoRec”)?

A

Autoencoders are used to learn a low-dimensional representation of user-item interactions. The encoder captures essential features, and the decoder reconstructs the original input.

Contain 3 layers:

  • An input layer that contains individual ratings
  • A hidden layer
  • An output layer

A matrix of weights between the layers is maintained across every instance of this network, as well as the bias.

Deal with sparse data: excluding the unrated observations.

This algorithm does two thing:

  • Encoding the patterns in the input as a set of weights into a hidden layer
  • Decode the weights between output and hidden layer to construct the output.
92
Q

What is Session-based Recommendations wwith RNN (GRU4Rec)?

A

Given a sequence of action, predict the actions, or items that are most likely to continue the sequence of events.

The idea is that the item is coded as one event, goes into embedding layer, and goes into GRU layers, and get the scores on all of items, from which we can select the items the deep network thinks the most likely to extend the sequence.

93
Q

What is Apache Spark and How Apache Spark can help scale up a Recommender System?

A

a framework for processing massive datasets across a cluster of computers. Spark Driver Script communicates with cluster manager to distribute workloads to the executors.

This distributed architecture allows Spark to handle large-scale data processing tasks efficiently by distributing the workload across multiple nodes.

94
Q

What is Resilient Distributed Dataset (RDD) ?

A

an object that capsulates the data you want to process. A Spark Driver Script is about defining operations on RDD like where should load its data from, what operations to perform and where to write the outputs. RDDs serve as the foundational data structure in Spark, providing fault tolerance, parallel processing, and distributed computing capabilities

95
Q

What is DSSTNE and How DSSTNE can help scale up a Recommender System?

A

Deep Scalable Sparse Tensor Neural Engine. It helps set up deep neural networks using sparse data. DSSTNE can run on a GPU and work with Apache Spark to further scale. Open-source. DSSTNE is designed to efficiently process sparse data, making it particularly well-suited for recommender systems where user-item interaction matrices are often sparse

96
Q

What is Amazon Sagemaker?

A

It allows you to create notebooks hosted on AWS that can train large scale models in the cloud. It comes with some useful algorithms.

97
Q

List some challenges in building the Recommender System?

A

Examples: Cold-start problem, Filter Bubbles, Gaming the System, Temporal Effect

98
Q

What is the Cold-start problem?

A

new users or new items for which there is little to no historical interaction data

99
Q

How to overcome the Cold-start problem?

A

Solutions on new users: use implicit data, cookies, geo-ip, top-sellers or promotions, or conduct the interview.

Solutions on new products: use content-based attributes, map attributes to latent features, random exploration

100
Q

What problems could be solved by implementing a stoplist?

A

Stoplists check if an item might cause unwanted controversy. For example: It could be adult-oriented content, vulgarity, legally prohibited topics, terrorism/political extremism, bereavement, medical, competing products, drug, religion, etc.

101
Q

What is Filter Bubbles?

A

Content presented to the user is filtered that it keeps within a bubble of the pre-existing interests

102
Q

How to overcome Filter Bubbles?

A

randomly introduce new interests

103
Q

How are Transparency and Trust a problem in the Recommender System?

A

Users may find it challenging to understand the reasoning behind recommendations, leading to a lack of transparency and erode user trust in the system.

104
Q

How to improve Transparency and Trust in the Recommender System?

A

Let users know why the system recommends a particular item and allow users to fix the root cause themselves.

105
Q

How are Outliers a problem in the Recommender System?

A

Outliers might be created by professional reviewers, institutional customers or bots, leading to Skewed Recommendations and model performance.

106
Q

How to overcome Outliers in the Recommender Systems?

A

Use appropriate algorithms, data processing, normalization or standardization

107
Q

What is Gaming the system in the Recommender Systems?

A

people trying to interrupt your recommendation system.

108
Q

How to overcome Gaming the system in the Recommender Systems?

A

only consider users who spent real money; restrict reviews to people who actually consumed the content; be wary of click data; implicit data can lead to many problems

109
Q

How are International markets and laws a problem in the Recommender System?

A

Failure to account for cultural differences may result in recommendations that are perceived as inappropriate or irrelevant
Different countries have varying regulations regarding user privacy and data protection

110
Q

How to overcome International markets and laws in the Recommender Systems?

A

keep things separated geographically. Have to consider the regulations and policies carefully.

111
Q

What are Temporal Effects in the Recommender System?

A

impact of time-related factors on user preferences, item popularity, and overall system dynamics. Example: Seasonal Variation, Trending Items

112
Q

How to overcome Temporal Effects in the Recommender Systems?

A

take the recency into account.

113
Q

What is Value-aware recommendations?

A

Create the system that drives the most profit, not the best relevance

114
Q

How to achieve Value-aware recommendations?

A

use a profitability as a tie-breaker; look at profit margin instead of profit.

115
Q

What are Hybrid solutions in Recommender System?

A

Ensemble approaches: combining different algorithms; combining behavior and semantic data