Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

A hybrid group-based movie recommendation framework with overlapping memberships

  • Yasher Ali ,

    Contributed equally to this work with: Yasher Ali, Osman Khalid, Imran Ali Khan, Syed Sajid Hussain, Faisal Rehman, Sajid Siraj

    Roles Writing – original draft

    Affiliation Department of Computer Science, COMSATS University Islamabad, Abbottabad Campus, Pakistan

  • Osman Khalid ,

    Contributed equally to this work with: Yasher Ali, Osman Khalid, Imran Ali Khan, Syed Sajid Hussain, Faisal Rehman, Sajid Siraj

    Roles Conceptualization, Methodology, Validation, Writing – review & editing

    Affiliation Department of Computer Science, COMSATS University Islamabad, Abbottabad Campus, Pakistan

  • Imran Ali Khan ,

    Contributed equally to this work with: Yasher Ali, Osman Khalid, Imran Ali Khan, Syed Sajid Hussain, Faisal Rehman, Sajid Siraj

    Roles Conceptualization, Writing – review & editing

    Affiliation Department of Computer Science, COMSATS University Islamabad, Abbottabad Campus, Pakistan

  • Syed Sajid Hussain ,

    Contributed equally to this work with: Yasher Ali, Osman Khalid, Imran Ali Khan, Syed Sajid Hussain, Faisal Rehman, Sajid Siraj

    Roles Writing – review & editing

    Affiliation Department of Computer Science, COMSATS University Islamabad, Abbottabad Campus, Pakistan

  • Faisal Rehman ,

    Contributed equally to this work with: Yasher Ali, Osman Khalid, Imran Ali Khan, Syed Sajid Hussain, Faisal Rehman, Sajid Siraj

    Roles Writing – review & editing

    Affiliation Department of Computer Science, COMSATS University Islamabad, Abbottabad Campus, Pakistan

  • Sajid Siraj ,

    Contributed equally to this work with: Yasher Ali, Osman Khalid, Imran Ali Khan, Syed Sajid Hussain, Faisal Rehman, Sajid Siraj

    Roles Investigation, Writing – review & editing

    Affiliation Leeds University Business School, University of Leeds, Leeds, United Kingdom

  • Raheel Nawaz

    Roles Project administration, Supervision, Writing – review & editing

    r.nawaz@mmu.ac.uk

    Affiliation Manchester Metropolitan University, Manchester, United Kingdom

Abstract

Recommender Systems (RS) are widely used to help people or group of people in finding their required information amid the issue of ever-growing information overload. The existing group recommender approaches consider users to be part of a single group only, but in real life a user may be associated with multiple groups having conflicting preferences. For instance, a person may have different preferences in watching movies with friends than with family. In this paper, we address this problem by proposing a Hybrid Two-phase Group Recommender Framework (HTGF) that takes into consideration the possibility of users having simultaneous membership of multiple groups. Unlike the existing group recommender systems that use traditional methods like K-Means, Pearson correlation, and cosine similarity to form groups, we use Fuzzy C-means clustering which assigns a degree of membership to each user for each group, and then Pearson similarity is used to form groups. We demonstrate the usefulness of our proposed framework using a movies data set. The experiments were conducted on MovieLens 1M dataset where we used Neural Collaborative Filtering to recommend Top-k movies to each group. The results demonstrate that our proposed framework outperforms the traditional approaches when compared in terms of group satisfaction parameters, as well as the conventional metrics of precision, recall, and F-measure.

Introduction

Background

The last two decades have witnessed a growth in data due to increased use of online applications including e-commerce, online social networks, and multimedia streaming. The information on websites is overwhelming due to which users often find it difficult to access the content of their choice. Information overload is an increasing problem of knowledge engineering that cannot be ignored as users are more interested in finding only relevant information.

Recommender Systems (RS) [1, 2] are mathematical models developed in late 90s to compute recommendations for a user that are closely related to the user’s preferences. After the announcement of Netflix Prize, RS have received great attention in industries and academia [3]. Numerous factors are involved while computing recommendation for a user, such as a user’s interests, mood, tastes, and similarity with other users, to name a few [4]. The existing literature takes into account the aforementioned factors to improve the recommendation quality. Generally, the existing schemes can be categorized as Collaborative Filtering (CF), Content Based Filtering, and Hybrid Models [5]. The CF based methods consider like-minded users and then recommend items by aggregating the preferences of similar users, while content-based models perform recommendations based on similarity of items that the user has interacted with in the past [6]. Hybrid recommender systems combine the recommendations of various approaches, and then recommend Top-k items.

Research problem

Most RS were designed to provide recommendations for individual users. However, people are more social, and activities in group become an important part of daily life [7]. For instance, people find it more entertaining to visit restaurants, picnic spots, trip sites, or watch movies in groups [8, 9]. As more and more people are getting connected on online social networks, such as Facebook, Instagram, Twitter, etc. new avenues of research are opened in the domain of group recommender systems. In recent years, the availability of numerous movie streaming companies, such as Netflix, Amazon Prime, HBO Max, Disney+, and so on, have attracted the interest of research community towards movie recommender systems. Most of the existing recommender systems focus on recommending movie to individual users based on their individualized preferences and past ratings. However, recommending movie to a group is still a challenging problem, as it is constrained by the numerous factors, such as conflicting preferences, timing, and moods of individual members in the group [7]. Generally, users’ preferences are contextually dynamic in nature. For instance, the point of interest (POI) preferred for friends may be different from the POI preferred for families. Moreover, users may have similar preferences for one locality and diverse preferences for other locality.

Motivation

Several existing works consider locality information while computing recommendations. For example, Ramesh et al. [10], proposed a Hierarchical Contextual Location Recommendation System termed as HiRecS. They proposed hierarchical aggregation technique, where the root node represents Top-k recommended locations. The subsequent levels split the preferences based on different localities. The authors applied hierarchical clustering to cover the dynamic preferences of users. However, HiRecs is computationally expensive in terms of processing. In [11], the authors proposed an influence based group recommender framework. The authors created a trust metric and identified leader in a group to calculate influential ratings of group members on items and applied average aggregation to recommend Top-k items. Moreover, the authors used memory based technique and calculated influential ratings in order to recommend movies. However, the memory based approaches are negatively affected with data sparsity.

In recent years, several deep learning based models are proposed that help in better capturing of hidden features and relationships between user and items [12, 13]. The authors in [14] proposed a deep learning algorithm to recommend movies to a group of users. They considered the user ratings, user consumption ratio, and user preferences while building the system. K-means clustering is applied on users ratings to group users with similar preferences in movies. However, k-means clustering forms spherical clusters and does not deal with arbitrary shaped data. Dutta et al. proposed a model for recommending movies to group of users by extracting the semantic information, such as tags assigned to each movie by users [15]. The proposed model relied on semantic information, i.e., it did not cope with noisy tags. In [16], the authors proposed a Top-N-Rec model that uses the content-based and collaborative filtering to generate parallel recommendations, and then recommendation from both approaches are merged to generate the final recommendations. However, the proposed model does not perform well with sparse data. Several works have been proposed in recent years to utilize transformer based methods that perform Natural Language Processing (NLP) tasks on users’ feedbacks to compute ratings (e.g., [1719]). However, the applications of transformer methods on group-based movie recommender systems have not been explored much.

It can be observed from the above discussion that despite significant progress, the traditional group recommender systems suffer from performance issues, such as data sparsity, scalability, and cold-start problem [20] as they mostly target a single type of relation. For instance, Boltzmann machine considers either user-to-user or user-to-item relation. Alternatively, matrix factorization explicitly captures interactions among user to items [21]. However, with sparse data this results low quality predictions. A key factor is the selection of similarity metrics to form groups. Most of the existing group recommender systems utilize traditional methods, such as cosine similarity, K-Means, Jaccard similarity, etc. for creating groups (e.g., [15, 22, 23]). Such approaches result in less efficient group formation when the dataset is sparse [11].

In recent years, there has been a growing inclination towards model-based group recommender systems. Due to the implicit feature learning of neural networks, researchers have applied these models for solving recommendation problems [24]. Most of the existing model-based schemes utilize matrix-factorization methods whose estimation based mechanisms result in low prediction accuracy in cold start and sparsity scenarios [2527]. In [28], the authors captured the fairness among group members by using SVD++ model. However, the model lacked in capturing the implicit hidden features between users that negatively affected the prediction accuracy.

The existing literature contains limited work on group-based movie recommender systems. Moreover, most of the current studies consider a user to be part of a single group only, but in reality, a user may be associated with multiple groups. For instance, a user may have different preferences in watching a movie with friends or family. The existing group recommender system employ various methods, such as k-clique, cosine similarity, Jaccard similarity, etc., to form groups. Such methods allow a user to be part of distinct groups, whereas in real-world scenarios, a user may be part of overlapping groups. These scenarios are handled in our proposed movie-based group recommender system.

Contributions

To overcome the aforementioned issues, we propose a novel Hybrid Two-phase Group recommender Framework (HTGF) for movie recommendations. The proposed framework makes use of deep neural networks to efficiently perform model learning based on explicit preferences of members as their ratings, movies’ features, and implicit preferences, such as interaction of group members. The intra-group similarity presents a unique challenge in group recommendations as the users’ interest may overlap onto different groups. To improve intra-group similarity in group formation, we apply a combination of Fuzzy c-means clustering (FCM) and Pearson Correlation Coefficient (PCC) [11], which helps in diverse membership degree of each and every individual, concerned with distinct clusters. The model exhibits some degree of generalization by allowing a user to be part of multiple groups, which has not been the case in the existing movie-based group recommender systems. The data sparseness issue is addressed in the proposed model by utilizing latent factors of users and movies to overcome negative effects of sparsity, thereby improving the prediction accuracy. Fig 1 describes the general overview of group recommendation process consisting of two phases.

The Phase 1 is group formation that uses a combination of PCC and FCM clustering thereby allowing the users to have multiple groups. The Phase 2 is group recommendation in which Neural Collaborative Filtering (NCF)-based approach is used to predict the ratings of unrated items of group [29], and average aggregation strategy is applied to recommend Top-k items. The main contributions of our work are summarized as follows.

  • We utilize deep learning to develop a group-based movie recommender system, HTGF, which efficiently captures the implicit and explicit features of movie and preferences of end users.
  • We address the intra-group similarity issue by using a combination of FCM and PCC, and the proposed system allows a user to be part of different groups.
  • To efficiently capture the implicit preferences between group members and to improve prediction accuracy, we utilized NCF.
  • To address data sparsity, we use the latent vectors of users and movies by converting them into low dimensional vector space, which are input to NCF to improve the prediction accuracy.
  • An enhanced average aggregation strategy is presented to generate top-K recommendations.
  • We present statistical tests to display the statistical significance of our results.
  • We performed comparisons with existing schemes and results indicate that our model outperforms the baseline approaches.

The rest of the paper is structured as follows. Section II presents the related work. Section III presents the overview of HTGF, and Section IV presents the proposed model. In Section V, we present the performance metrics with the experimental results, and Section VI concludes the paper.

Related work

In this section, some the recent works on group recommender systems and their shortcomings are discussed. Initially, we discuss the approaches used for group formation. Then, some of existing proposals for group recommendation are presented, and finally transformer-based approaches using NLP for recommendations are discussed. A comparison table is included at the end of the section presenting a concise summary of state-of-the-art and their limitations.

Group formation

Most of the existing datasets, such as MovieLens [30], Yelp [31], Trip Advisor [32], and CAMRa2011 [33] do not contain any explicit information about members’ relation with each other. More specifically, there is no predefined or ready-made group membership information available in such datasets. Researchers mostly employed various clustering techniques to form groups. The clustering methods usually applied in group recommender systems consists of partition-based methods [34, 35], such as k-mean and C-boost [36, 37], hierarchy based methods [38, 39], e.g., bottom up clustering [40], Density based methods like DBSCAN, Grid based [41], and model based [42]. Despite having benefits, the aforementioned models have some limitations.

For example, in k-means, advanced selection of cluster centers makes it simple and efficient, but only spherical clusters can be formed. In the bottom-up clustering [38, 39], each data point is known as a cluster, then distance between all the data points is measured and combined until all the clusters are merged into one cluster. However, the efficiency of bottom-up clustering is low because the time complexity for clustering is very high. DBSCAN bests suits for arbitrary shaped clustering, but it has high cost of time. Moreover, the aforementioned clustering approaches for group formation associate a user with a single group but in reality a user may have multiple groups. To address these limitations, our proposed model assigns a user to different groups, so that a users’ preferences are properly reflected in a group based on his/her membership score.

Group recommendation

Recommender systems have been widely applied in various domains such as, medical diagnosis, e-tourism, and multimedia streaming applications, etc. In literature, most of the studies were conducted on individual recommendations, but limited research is performed on group recommendation [43]. At present, group recommendations can be generally classified into Memory-based and Model-based [44, 45]. Memory-based methods in group recommendations are further divided into Preference Aggregation (PA) method [46] and Score-Aggregation (SA) method [47]. The PA method aggregates the profiles of all group members into a single group profile, and then generate recommendation for the group. The SA method aggregates the scores based on a predefined strategy to predict group preferences. Common aggregation strategies are average (AVG) [48], most pleasure (MP) [49], least misery (LM) [50], etc. However, aggregation methods have some shortcomings: (a) they cannot capture the implicit preferences among group members and (b) it is hard to construct group preference model effectively through aggregation strategies due to sparsity of user explicit feedback.

In past few years, a few model-based methods are proposed to capture the implicit preferences among group members. Minjae et al. [23] proposed a deep learning algorithm based on Recurrent Neural Network (RNN), which learns the movie consumption patterns of users, and then recommend movies according to extracted features. They created groups by measuring the similarity between group members based on ratings of similar movie preferences [23]. After performing clustering, the authors applied RNN to learn the movie consumption behavior of each specific group of users. By considering the shift in tastes over time, the authors enhanced prediction accuracy. However, the proposed model predicted a limited set of movies with less accuracy [23]. The authors in [25] evaluated aggregation strategies: average and most pleasure, on two baseline models Alternating Least Squares (ALS) and Singular Value Decomposition (SVD). For clustering, they applied cosine similarity, and for recommendation they used two baseline models. Based on results they concluded that average strategy produces better results than MP, and SVD model predicted more accurate ratings than ALS.

In recent years, the research community has widely applied deep learning to the recommender systems, which helps in capturing hidden features and implicit relationships between users and items. Huang et al. proposed a mutli attention-based group recommender model that considered preference interactions and sociality between group members [51]. The proposed system utilized multiattention-based neural network model to train group feature and preference learning modules for groups on items. The deep semantic feature for each group is learned. However, the system is complex as it utilizes a neural network for each social attribute of the members. Moreover, the recommendation performance is degraded by using lesser number of sub-features.

It can observed from the aforementioned discussion that the deep learning based models are mostly applied to recommender systems to provide individual recommendations. However, the applications of deep learning to group recommender systems are under-explored due to the specific challenges of group recommender systems, where preference of each member has to be taken care of to estimate an overall recommendation for the group. Most of the existing deep learning based approaches have some performance deficiencies caused by their failure to capture implicit interactions among group members and poor preference estimations between groups and their members. To address these issues, the proposed group recommendation framework HTGF uses NCF that considers latent features to capture implicit relationships among group members and movies. This mechanism improves the prediction accuracy and minimizes the Root Mean Square Error (RMSE) and Mean Absolute Error (MAE).

Transformer-based approaches

Over recent years, the increase in social media and e-commerce websites have initiated a paradigm shift in recommender system research towards transformer-based approaches that utilize NLP tasks to extract users’ preferential information [5256]. For instance, Aipe et al. proposed a sentiment-aware recommendation model to develop a patient assisted health-care system [17]. The proposed model performs sentiment-based scoring on the information extracted from the medical forum. A deep learning model comprising of CNN is proposed for sentiment analysis, followed by LSTM for the classification of data into specific sentiment class. Top-n similar posts are retrieved for a blog classified with positive sentiment, and a probabilistic model is developed to suggest treatments for specific health condition. However, the model can suffer with anomalies due to lack of any standard procedure for dataset annotation. Moreover, no details are provided about the source of the dataset and the quantitative evaluation of the suggested modules.

In [18], the authors proposed a financial product recommendation system, namely R-Transformer, based on transformer approach. The proposed system generates user and financial product state vectors based on historical interaction sequence of users and financial products. The resultant vectors are high-dimensional and sparse, and therefore a pre-processing phase is introduced to reduce the dimensionality using autoencoder. The processed data is input to the transformer layer to compute user financial products’ score vector by utilizing time-series information. However, the source of financial data and its attributes are not clearly defined. The authors in [19] performed a comparison of content-based recommendation systems that are based on: (a) Vector Space Model (VSM), (b) Bidirectional Recurrent Neural Networks (BRNN), and (c) a semantic-aware recommendation system that uses Linked Open Data (LOD)-based textual descriptions of items, and Bidirectional Encoder Representations from Transformers (BERT) for language modeling. The BERT textual classification is performed using the paragraphs as input, and cold start problem is addressed by increasing the availability of textual data. The results indicated better performance of BERT-based content recommendation system on movie data.

Lin et al. compared the performance of popular open-source machine learning libraries, such as Scikit-learn and TensorFlow [57]. The authors evaluated the advantages, error measures, and processing times of the aforementioned tools. It was concluded in the study that Scikit-learn could be a better choice for traditional machine learning approaches, and TensorFlow is good for neural networks. In [58], the authors proposed a method of automatically computing features from a video file by using MPEG-7 visual descriptors and deep learning-based hidden layers. The aim is to analyze a movie stream content and extract a set of low-level features, which can be used to make personalized recommendations as per a user’s preferences. However, the process requires high computation and processing time to extract features from full-length movies, making it a computationally expensive task. Fu et al. proposed a CF-recommendation model based on deep learning [21]. The model consists of first building a user-item low dimensional vector by using word embedding in NLP based on context of the user. The context is captured from user-user co-occurrence information in the past. Similarly, the knowledge of items is obtained by observing the past item-item co-occurrence. In the second phase, feed-forward neural network is developed to generate prediction from pre-learned embedded vectors of users and items. The model attempted to improve the prediction accuracy at the higher cost of computational complexity.

The aforementioned recommendation systems are designed with an aim to perform individual recommendations, whereas our main focus is towards group recommendation. Moreover, the models employed sentiment analysis to compute ratings which can lead to increased complexity in the case of group recommendation systems, where certain tradeoffs need to be taken into account to reach a consensus among group members. Table 1 presents a summary and limitations of recent state-of-the-art schemes.

HTGF framework

The overall architecture of our proposed HTGF is shown in Fig 2. The whole process consists of two phases: (a) group formation and (b) group recommendation. Group recommendation is a complex process and many factors can effect the performance of group recommendations. Selecting an appropriate similarity measure to form group is the key component of any group recommendation system.

In group formation, a user may be associated with multiple groups. Users’ preferences vary from group to group. For instance, a user has different preferences while watching a movie with friends, and may have different interests while watching movie with family. We used FCM [63] to represent user to group associations. FCM assigns a membership value to each user corresponding to each group. Initially, we have calculated the mean genre ratings of users, and then apply FCM to cluster users into multiple groups by assigning membership value to users in each cluster. After calculating the membership value, we applied PCC to select the highly similar users to a user u. Top-k users similar to u were selected to form group. Group rating matrix is sparse, so to predict the ratings of unrated movies, we apply NCF [29] to group ratings and train it on group members ratings. After learning the implicit preferences of group members, NCF predicts the ratings of movies. To compute the group rating on item i we apply average aggregation strategy, as shown in Fig 2. The average ratings of every movie is calculated, and based on that Top-k movies are recommended to the group. Table 2 shows the notations and their meanings used in the subsequent text.

Proposed model

The existing datasets do not have any explicitly embedded information to represent groups. In literature, researchers proposed various clustering methods to form groups [64]. One of the popular and well-known algorithm is FCM, as it generates better results than k-means [11]. The FCM is applied to cluster users into groups i.e., friends or family. For instance, a person has different preferences while watching a movie with friends, and may have a different taste while watching a movie with family. In FCM, users are split into c number of clusters by allowing a user to have membership corresponding to each cluster. The objective function O of FCM is as follows. (1) (2) (3) Where c is the total number of clusters, n is the total number of users, m is the fuzziness parameter (1.25 ≤ m ≤ 2). Eq (3) states that the total membership value of each user corresponding to each group is one. The objective function must be minimized. (4) (5) Where vi is the ith cluster center, and μikM, is the membership value of user k to the cluster i. A detailed explanation of Fuzzy C-means can be found in [63].

After forming clusters, the Pearson similarity is computed between users to improve intra-group similarity. We used Pearson Correlation Coefficient (PCC) because it is one the well-known method used for similarity measurement. In order to measure the similarity between two users u and v, PCC uses the common users ratings on item to calculate similarity [65]. Pearson Similarity can be defined as follows. (6) Pearson similarity ranges from [−1, +1]. Negative correlation indicates that users are not similar, and positive correlation indicates that users are highly similar. The similarity computation between user u and v in cluster k is defined as: (7) Where Suvc is the product of similarity between users u and v, and the membership of v in cluster c. Based on Eq (7), the Top-k similar users are selected to form a group. After forming group, NCF [29] is used to predict the unrated movies of group members. Fig 3 describes the NCF framework. NCF is a layered model as it consists of an input layer, hidden layers, and output layer.

In output layer, sigmoid activation function is used. The input layer consists of two feature vectors and that describes the user u and movie i. The parameter is the predicted rating of user u on movie i and can be defined as follows [29]. (8) Where PRU×K and QRI×K are the latent factors of users and movies. Θf denotes model parameters, f is layered neural network. The loss function of NCF is defined as follows. (9) Where is the observed interaction, and ý is the unobserved interaction between the user and movie. Eq (9) is the objective function of NCF. In order to minimize objective function, Stochastic Gradient Descent (SGD) is used. After predicting the unrated movies ratings, we apply average aggregation strategy on group ratings and recommend Top-k movies to the group. The following equation is used to calculate average group rating: (10) Where j be the number of users in a group, rai is the rating of user a on movie i, and is the group rating on movie i.

The pseudocode for Group Formation is presented in Algorithm 1.

  1. Initializations (Line 1−Line 4): The algorithm takes as input the following parameters: (a) ratings of users, (b) Items; consisting of movies’ title and genres, (c) k-users, which is the number of users in a group. In Line 1, genres are extracted from Movies. Line 2 − 3 initialize the mean genre matrix and initial membership matrix to 0. Line 4 calculates the initial clusters’ centers as defined in Eq (4).
  2. Average genre ratings are calculated in Line 5−Line 14, where ru is the ratings set of user u, rui is the rating of user u on item i, and xu is mean genre ratings of user u.
  3. Clustering: Line 15 to 19 calculate the Pearson Similarity using Eq (6). The initial membership is calculated in Line 20 to 26, i.e., if a user has ever watched a movie in the genre gj, then , otherwise it is 0. In Line 27, the FCM clustering is applied to get the membership value of each user corresponding to each cluster.
  4. Similarity calculation (Line 28−Line 34): The Similarity among users in clusters C is calculated which is defined in Eq (7).
  5. Group Formation (Line 35−Line 40): After Similarity Matrix computation, Top-k similar users are selected to create a group.

Algorithm 1 Pseudocode for Group Formation

Input: ratings(R), items(I), k-users;

Output: Groups

1: J ← set of genres(I)

2: X ← 0

3: M′ ← 0

4: VgetInitialClusterCenter()

5: for each user uU do

6:   for each item iru do

7:    for each genre jJ do

8:     if i contains j then

9:      xuj+ = rui

10:     end if

11:    end for

12:   

13:   end for

14: end for

15: for each user uU do

16:   for each user vU do

17:    Sim(u,v)PCC(u,v)

18:   end for

19: end for

20: for each user uU do

21:   for each genre jJ do

22:    if xuj ≠ 0 then

23:    

24:    end if

25:   end for

26: end for

27: MFCM(V, M′, X)

28: for each user uU do

29:   for each user vU do

30:    for each cluster cC do

31:     S(u,v,c) = Sim(u,v) × M(v,c)

32:    end for

33:   end for

34: end for

35: for each user uU do

36:   for each cluster cC do

37:    GgetSorted(S, k-users)

38:   end for

39: end for

40: return G

In the following, we present an illustrative example of the proposed system.

Illustrative example

A sample dataset consisting of 10 users and 7 movies is shown in Table 3. The information about movie genres is presented in Table 4. Users’ similarity computed with Eq (6) is shown in Table 5, whereas Table 6 indicates user to cluster score using FCM. The Similarity computation between users in cluster 1 and cluster 2 is presented in Tables 7 and 8, respectively. The similarity between user u and v in a cluster c is computed using Eq (7), i.e., by taking the product of Pearson Similarity between u and v, and membership of v in cluster c. Assuming a user u3 and cluster c1, the actual ratings of Top-k similar users to u3 are presented in Table 9. After forming the group, the NCF is applied to predict the ratings of unrated items, as shown in Table 10. Average aggregation strategy is applied on predicted ratings to generate Top-k recommendations, as shown in Table 11.

Performance evaluation

In this section, we present the performance evaluation of proposed HTGF. The MovieLens 1M dataset [30] is used to evaluate the effectiveness of proposed model. The dataset includes 6040 users, 3900 movies, and 1,000,209 ratings. Every user rated at least 20 movies in MovieLens dataset. The movies include 19 different genres. MovieLens 1M is a standard dataset widely used by researchers in movie recommender systems as it contains rich feature set of movies, and users’ historical ratings information that are required to properly train a model to perform movie recommendations. MovieLens 1M is a standard dataset widely used by researchers in recommendation systems. We compare our work with baseline models i.e., ALS and SVD, which are used by most of the existing schemes for comparisons in group recommendation scenarios [25]

  • The ALS algorithm factorizes a given matrix R into two factors U and V, such that RUTV. Here, U represents set of users and V represents set of movies. The unknown row dimension is given as a parameter to the algorithm and is called latent factors. The ith column of the user matrix is denoted by ui and the ith column of the movie matrix is vi. The matrix R can be called the ratings matrix with (R)i,j = ri,j. Further details on ALS can be found in [66].
  • The SVD matrix factorization method maps users and movies to a joint latent factor space of dimensionality f. A user u is associated to a row vector represented by puRf, and a movie v is associated with a column vector given by quRf. A user’s estimated rank for a movie v is represented as . More details about SVD can be found in [67].

Performance metrics

A user’s rating for a movie ranges from [1, 5], where 1 being lowest and 5 being highest. To evaluate the performance of HTGF, we considered RMSE, MAE, Precision, and Recall as traditional performance comparison benchmarks [68]. According to [69], we can evaluate a recommender system in two measures: (a) prediction accuracy and (b) classification accuracy. Prediction accuracy means how correctly our model predicts the ratings. For this, we use RMSE and MAE. Whereas classification accuracy quantifies the correctness of recommendations, and this includes Precision and Recall. We also calculate satisfaction in order to evaluate the effectiveness of recommendations. Following are the performance measures.

RMSE: It is a criterion for calculating the error. It can be defined as follows. (11) MAE: It is the absolute difference between predicted rating and actual rating. It can be represented as follows. (12) Precision: Precision is used to evaluate the recommended movies that are relevant to users. It is defined as the fraction of hitsu It can be defined as follows. (13) Where hitsu is the number of correctly recommended movies that are relevant to user u, and recsetu is the set of Top-k recommended movies.

Recall: Recall is used to evaluate the fraction of instances over the total number of relevant recommendations. It can be defined as follows. (14) F1-Score: F1-score is used to evaluate the quality of HTGF. It can be calculated as follows. (15) Group Satisfaction: Group satisfaction measure is used to evaluate the group satisfaction for the recommended Top-k movies. Group satisfaction is denoted as follows: (16) Where g is the group, and R is the set of recommended movies. It is calculated by the average individual user satisfaction. |g| is the total number of members in the group [70]. (17) The objective function is to maximize the group satisfaction. For this, we have to maximize the individual satisfaction on recommended movies.

Parameters setting

Table 12 summarizes the values of different parameters used in the proposed model. To prevent model from overfitting early stopping is used which sets epoch size to 20, and batch size to 64. A combination of Adam optimizer, Sigmoid, and Binary Cross Entropy was used which penalize the wrong predicted ratings. Group size ranges from 5 to 30, and Top-5 movies were recommended to groups.

Results

The efficiency of the proposed group recommender model is measured through group satisfaction metric. We split our dataset into 80 − 20, 80% ratings are used to train the model, and 20% ratings are used to evaluate the model. Performance of the proposed model was assessed by using RMSE, MAE, Recall, Precision, F1-Score, and group satisfaction measure. RMSE and MAE indicate the prediction accuracy of the model, while precision and recall are used to evaluate the group recommendations generated by the model. We calculate the effect of group satisfaction by varying the group size. Table 13 provides the comparison with existing models.

We used average aggregation strategy to aggregate the group members’ preferences. It is consensus-based strategy, and considers the preferences of all group members, unlike Most Pleasure strategy, which is a veto-based strategy. Lower values of RMSE and MAE indicate that the predicted ratings are close to the actual ratings. Higher the precision and recall means more relevant the recommendations are. We have also calculated the preferences of user for cluster 2, which is described in Table 14. It is observed that same user has different preferences in different groups.

In Fig 4(a), the proposed model is compared with the existing approaches based on RMSE. The RMSE of ALS and SVD is 0.8761 and 0.8244, respectively, and of HTGF is 0.7759. Lower RMSE means the model’s predicted ratings are close to the actual ratings. Whereas, in Fig 4(b) the comparison is based on MAE, which is for ALS and SVD is 0.6633 and 0.6534, respectively, and the MAE of HTGF is 0.6021. Lower MAE means higher the accuracy of model.

thumbnail
Fig 4. Prediction accuracy.

(a) root mean square error and (b) mean absolute error.

https://doi.org/10.1371/journal.pone.0266103.g004

In Fig 5(a), the comparison is based on Precision, which is 0.8960, 0.9440, and 1.0 for ALS, SVD, and HTGF, respectively. The comparison based on recall is described in Fig 5(b). The values of recall for ALS, SVD, and HTGF are 0.0603, 0.0616, and 0.0653, respectively. Higher value of recall means greater coverage and more relevant the recommendations are. ALS and SVD indicate low performance in terms of precision and recall as their estimation mechanisms are sensitive to data sparseness. On the contrary, HTGF is trained on NCF Framework which utilizes the latent factors of users and items due to which it is not significantly effected by data sparseness.

thumbnail
Fig 5. Classification accuracy.

(a) precision and (b) recall.

https://doi.org/10.1371/journal.pone.0266103.g005

Fig 6(a) shows the comparison based on F1-score which is 0.1130, 1156, and 0.1226 for ALS, SVD, and HTGF. The precision of HTGF is highest for k = 10. However, increase in number of group members reduces the precision and recall. Fig 6(b) shows the impact of changing group size on the proposed framework in terms of precision, recall, and group satisfaction. We observe optimum value when group size is 10, which is same as of Nawi et al. [25] where it is calculated through elbow method. For the group size greater than 15, the HTGF shows almost constant results better than existing schemes which experience performance degradation above group size 10, and hence their graphs are not included in the figure. The values of recall are comparatively lower than the other parameters. This is mainly because of Eq (14), in which the numerator representing the hits has lesser values. The number of hits of individual group members are comparatively smaller because of not lying in Top-k movies for a group, which lowers the overall value of recall. However, as can be observed in Table 13, the recall of HTGF is better than existing schemes.

thumbnail
Fig 6. Group size.

(a) F1-Score and (b) Varying Group Size.

https://doi.org/10.1371/journal.pone.0266103.g006

It can be observed from the results that proposed model predicts more accurate ratings compared to existing schemes. The matrix splitting and estimation procedure of ALS results in low accuracy as compared to SVD that splits the matrices into three sub-matrices. Moreover, the ALS and SVD experience degradation in recommendation quality as they fail to capture the implicit preferences of individuals participating in a group [25]. However, our proposed model based on NCF takes into account the latent feature vectors of users and movies which minimizes the error rate as compared to ALS and SVD.

Tables 1517 show the values for precision, recall, and F1-Score for the proposed scheme and the baselines by varying the group size. It can be observed that SVD shows better precision value for group size of 10 and greater. However, this is at the cost of lower values of recall. If we inspect the F1-Score of the three schemes, we can observe that the F1-Score of the proposed HTGF scheme is better than ALS and SVD. This is because, F1-Score formula incorporates the values of both precision and recall. It is noteworthy that some models gives high precision but they give low recall value so in order to find the more accurate results F1-score is used.

Statistical analysis

In this subsection, we present the statistical significance of the results obtained previously. To find the statistical significance, we follow an approach similar to the one presented in [71]. We have checked the resulting values based on parameters, such as precision, recall, and F1-score and found their distribution is normal. In that case, there is a need for a parametric test that involves two variables so that we can compare our proposed scheme with the baselines. Amongst the various available options, we selected the most popular t-test to compute the significance level p with threshold value set as p < 0.05. We define the following hypothesis:

  1. H0: HTGF and baseline model have no difference.
  2. H1: A significant difference exists between HTGF and baseline models.

Table 18 presents the mean, standard deviation (SD), and p-value for the performance values obtained in Tables 15 and 17. It can be observed that the p-value for the parameter F1-Score is less than the significance level threshold, i.e., p < 0.05, which means that the significant difference exists among the values of HTGF and other baselines. So, we can reject the null hypothesis and accept the alternate hypothesis.

Error analysis

In this subsection, we present the error analysis of our proposed model. To perform the error analysis, we follow the similar procedure discussed in [72]. We have conducted an analysis of group ratings which are predicted wrongly by our proposed model. For this purpose, we compared the proposed model’s predicted ratings with actual ratings and analyzed the data manually for finding the possible cues. As first step, we generated two csv files containing actual group ratings and predicted group ratings, and analyzed them manually. The error analysis code and csv files are uploaded on github [73]. During the analysis, we found that movies having the following genres occurring together (action, sci-fi, thriller) are usually predicted wrongly, and the movies having any of the genres (action, comedy, drama, sci-fi) are predicted correctly by our proposed model. Fig 7 shows the genre counts that are correctly predicted by our model. Most of the time, movies having genres: action, drama, comedy, fantasy, and sci-fi are popular among all group members.

A pattern is found that the rating of movie having both genres (comedy, drama), or (drama, sci-fi), or (action, sci-fi) are predicted correctly by our model. Fig 8 shows the ratings that are wrongly predicted by our model. We observed that when the genres such as, action and sci-fi, occur along with thriller, our model predicts the wrong ratings. Fig 9 presents the mix ratings of our model. During manual analysis we found that our model is confused when movie has the combination of genres: (action, adventure, sci-fi) or (sci-fi, war), or (action, sci-fi, thriller). From the aforementioned discussion, we concluded that our model is not able to predict rantings when movie has genres (action, sci-fi, thriller) occurring simultaneously. Moreover, our model predicts average ratings when the movie has genre combination of (action, adventure, sci-fi), and our model predicts correct ratings when the movie has any of the following genres: (action, comedy, drama, sci-fi). In case of the genre ‘thriller’, most of the time our model predicts wrong ratings.

Conclusion

A hybrid Two-Phase Group Recommender Framework (HTGF) is presented, and results are compared with the existing models. The proposed work integrates clustering techniques such as PCC and FCM that allows a user’s membership to different groups based on preference similarity. NCF is used to predict the ratings of unrated items of group members. NCF exhibited better performance over the counterparts as it uses the latent factors of users and items. Different from the previous work the proposed work discusses a new perspective of group formation by allowing a user to have multiple groups. It has been observed that the same user has different preferences in different groups. For instance, a user may have different preferences while watching movie with friends, than with family. The evaluation of proposed model with MovieLens-1M dataset indicates improved performance of HTGF compared to existing schemes.

In future, we intend to use multi attention neural networks instead of average aggregation strategy to recommend Top-k movies to the group. Group members can influence each other, so we will consider the influence of group members during group formation and explore its impact on final recommendations. Moreover, we are interested to explore the transformer-based methods using NLP approaches for group recommendations. Furthermore, we will test our model on multiple datasets to see the impact on performance.

References

  1. 1. Wang Z, Liao J, Cao Q, Qi H, Wang Z. Friendbook: a semantic-based friend recommendation system for social networks. IEEE transactions on mobile computing. 2014;14(3):538–551.
  2. 2. Yuan NJ, Zheng Y, Zhang L, Xie X. T-finder: A recommender system for finding passengers and vacant taxis. IEEE Transactions on knowledge and data engineering. 2012;25(10):2390–2403.
  3. 3. Zhang F, Gong T, Lee VE, Zhao G, Rong C, Qu G. Fast algorithms to evaluate collaborative filtering recommender systems. Knowledge-Based Systems. 2016;96:96–103.
  4. 4. He J, Chu WW. A social network-based recommender system (SNRS). In: Data mining for social network data. Springer; 2010. p. 47–74.
  5. 5. Burke R. Hybrid recommender systems: Survey and experiments. User modeling and user-adapted interaction. 2002;12(4):331–370.
  6. 6. Nallamala SH, Bajjuri UR, Anandarao S, Prasad DD, Mishra P. A Brief Analysis of Collaborative and Content Based Filtering Algorithms used in Recommender Systems. In: IOP Conference Series: Materials Science and Engineering. vol. 981. IOP Publishing; 2020. p. 022008.
  7. 7. Feng S, Zhang H, Wang L, Liu L, Xu Y. Detecting the latent associations hidden in multi-source information for better group recommendation. Knowledge-Based Systems. 2019;171:56–68.
  8. 8. Ricci F, Rokach L, Shapira B. Recommender systems: introduction and challenges. In: Recommender systems handbook. Springer; 2015. p. 1–34.
  9. 9. Castro J, Yera R, Martinez L. A fuzzy approach for natural noise management in group recommender systems. Expert Systems with Applications. 2018;94:237–249.
  10. 10. Baral R, Iyengar SS, Zhu X, Li T, Sniatala P. HiRecS: A hierarchical contextual location recommendation system. IEEE Transactions on Computational Social Systems. 2019;6(5):1020–1037.
  11. 11. Nozari RB, Koohi H. A novel group recommender system based on members’ influence and leader impact. Knowledge-Based Systems. 2020;205:106296.
  12. 12. Jogunola O, Bamidele A, Hoang KV, Tsado Y, Popoola SI, Hammoudeh M, et al. CBLSTM-AE: A Hybrid Deep Learning Framework for Predicting Energy Consumption. MDPI Energies. 2022;15(3):810–832.
  13. 13. Khan U S M, Abbas A, Rehman A, Nawaz R. HateClassify: A Service Framework for Hate Speech Identification on Social Media Sentiment analysis for Urdu online reviews using deep learning models. IEEE Internet Computing. 2021;25(1):40–49.
  14. 14. Ahmed M, Imtiaz MT, Khan R. Movie recommendation system using clustering and pattern recognition network. In: 2018 IEEE 8th Annual Computing and Communication Workshop and Conference (CCWC). IEEE; 2018. p. 143–147.
  15. 15. Dutta S, Das S, Das J, Majumder S. Tag-Cloud Based Recommendation for Movies. In: IFIP International Conference on Computer Information Systems and Industrial Management. Springer; 2019. p. 324–336.
  16. 16. Kaššák O, Kompan M, Bieliková M. Personalized hybrid recommendation for group of users: Top-N multimedia recommender. Information Processing & Management. 2016;52(3):459–477.
  17. 17. Aipe A, Sundararaman MN, Ekbal A. Sentiment-Aware Recommendation System for Healthcare using Social Media. arXiv preprint arXiv:190908686. 2019.
  18. 18. Lian M, Li J. Financial product recommendation system based on transformer. In: 2020 IEEE 4th Information Technology, Networking, Electronic and Automation Control Conference (ITNEC). vol. 1. IEEE; 2020. p. 2547–2551.
  19. 19. del CarmenRodríguez-Hernández M, del Hoyo-Alonso R, Ilarri S, Montafñés-Salas RM, Sabroso-Lasa S. An Experimental Evaluation of Content-based Recommendation Systems: Can Linked Data and BERT Help? In: 2020 IEEE/ACS 17th International Conference on Computer Systems and Applications (AICCSA). IEEE; 2020. p. 1–8.
  20. 20. Souri A, Hosseinpour S, Rahmani AM. Personality classification based on profiles of social networks’ users and the five-factor model of personality. Human-centric Computing and Information Sciences. 2018;8(1):1–15.
  21. 21. Fu M, Qu H, Yi Z, Lu L, Liu Y. A novel deep learning-based collaborative filtering model for recommendation system. IEEE transactions on cybernetics. 2018;49(3):1084–1096. pmid:29994436
  22. 22. Dara S, Chowdary CR. A study on the role of flexible preferences in group recommendations. Applied Intelligence. 2019;49(9):3293–3307.
  23. 23. Kim M, Jeon S, Shin H, Choi W, Chung H, Nah Y. Movie Recommendation based on User Similarity of Consumption Pattern Change. In: 2019 IEEE Second International Conference on Artificial Intelligence and Knowledge Engineering (AIKE). IEEE; 2019. p. 317–319.
  24. 24. Takahashi T, Tahara T, Nagatani K, Miura Y, Taniguchi T, Ohkuma T. Text and image synergy with feature cross technique for gender identification. Working Notes Papers of the CLEF. 2018.
  25. 25. Nawi RM, Noah SM, Zakaria L. Evaluation of Group Modelling Strategy in Model-Based Collaborative Filtering Recommendation. International Journal of Machine Learning and Computing. 2020;10(2).
  26. 26. Pongpaichet S, Unprasert T, Tuarob S, Sajjacholapunt P. SGD-Rec: A Matrix Decomposition Based Model for Personalized Movie Recommendation. In: 2020 17th International Conference on Electrical Engineering/Electronics, Computer, Telecommunications and Information Technology (ECTI-CON). IEEE; 2020. p. 588–591.
  27. 27. Gunjal S, Yadav S, Kshirsagar D. A hybrid scalable collaborative filtering based recommendation system using ontology and incremental SVD algorithm. In: 2020 International Conference on Smart Innovations in Design, Environment, Management, Planning and Computing (ICSIDEMPC). IEEE; 2020. p. 39–45.
  28. 28. Abdollahpouri H, Mansoury M, Burke R, Mobasher B. The connection between popularity bias, calibration, and fairness in recommendation. In: Fourteenth ACM Conference on Recommender Systems; 2020. p. 726–731.
  29. 29. He X, Liao L, Zhang H, Nie L, Hu X, Chua TS. Neural collaborative filtering. In: Proceedings of the 26th international conference on world wide web; 2017. p. 173–182.
  30. 30. MovieLens. 1M Dataset; [Accessed: Oct 2021]. https://grouplens.org/datasets/movielens/1m/.
  31. 31. Cui Y. An Evaluation of Yelp Dataset. arXiv preprint arXiv:151206915. 2015.
  32. 32. Wang H, Lu Y, Zhai C. Latent aspect rating analysis without aspect keyword supervision. In: Proceedings of the 17th ACM SIGKDD international conference on Knowledge discovery and data mining; 2011. p. 618–626.
  33. 33. Said A, Berkovsky S, De Luca EW, Hermanns J. Challenge on context-aware movie recommendation: CAMRa2011. In: Proceedings of the fifth ACM conference on Recommender systems; 2011. p. 385–386.
  34. 34. Boley D, Gini M, Gross R, Han EHS, Hastings K, Karypis G, et al. Partitioning-based clustering for web document categorization. Decision Support Systems. 1999;27(3):329–341.
  35. 35. Zhang Y, Xiong Z, Mao J, Ou L. The study of parallel k-means algorithm. In: 2006 6th World Congress on Intelligent Control and Automation. vol. 2. IEEE; 2006. p. 5868–5871.
  36. 36. Kanungo T, Mount DM, Netanyahu NS, Piatko CD, Silverman R, Wu AY. An efficient k-means clustering algorithm: Analysis and implementation. IEEE transactions on pattern analysis and machine intelligence. 2002;24(7):881–892.
  37. 37. Le T, Le Son H, Vo MT, Lee MY, Baik SW, et al. A cluster-based boosting algorithm for bankruptcy prediction in a highly imbalanced dataset. Symmetry. 2018;10(7):250.
  38. 38. Mirzaei A, Rahmati M. A novel hierarchical-clustering-combination scheme based on fuzzy-similarity relations. IEEE Transactions on Fuzzy Systems. 2009;18(1):27–39.
  39. 39. Handy M, Haase M, Timmermann D. Low energy adaptive clustering hierarchy with deterministic cluster-head selection. In: 4th international workshop on mobile and wireless communications network. IEEE; 2002. p. 368–372.
  40. 40. Müllner D, et al. fastcluster: Fast hierarchical, agglomerative clustering routines for R and Python. Journal of Statistical Software. 2013;53(9):1–18.
  41. 41. Grabusts P, Borisov A. Using grid-clustering methods in data classification. In: Proceedings. International Conference on Parallel Computing in Electrical Engineering. IEEE; 2002. p. 425–426.
  42. 42. Mann AK, Kaur N. Survey paper on clustering techniques. International journal of science, engineering and technology research. 2013;2(4):803–6.
  43. 43. Dara S, Chowdary CR, Kumar C. A survey on group recommender systems. Journal of Intelligent Information Systems. 2020;54(2):271–295.
  44. 44. Koren Y, Bell R, Volinsky C. Matrix factorization techniques for recommender systems. Computer. 2009;42(8):30–37.
  45. 45. Su X, Khoshgoftaar TM. A survey of collaborative filtering techniques. Advances in artificial intelligence. 2009;2009.
  46. 46. Baskin JP, Krishnamurthi S. Preference aggregation in group recommender systems for committee decision-making. In: Proceedings of the third ACM conference on Recommender systems; 2009. p. 337–340.
  47. 47. Baltrunas L, Makcinskas T, Ricci F. Group recommendations with rank aggregation and collaborative filtering. In: Proceedings of the fourth ACM conference on Recommender systems; 2010. p. 119–126.
  48. 48. Amer-Yahia S, Roy SB, Chawlat A, Das G, Yu C. Group recommendation: Semantics and efficiency. Proceedings of the VLDB Endowment. 2009;2(1):754–765.
  49. 49. Boratto L, Carta S. State-of-the-art in group recommendation and new approaches for automatic identification of groups. In: Information retrieval and mining in distributed environments. Springer; 2010. p. 1–20.
  50. 50. Berkovsky S, Freyne J. Group-based recipe recommendations: analysis of data aggregation strategies. In: Proceedings of the fourth ACM conference on Recommender systems; 2010. p. 111–118.
  51. 51. Huang Z, Xu X, Zhu H, Zhou M. An Efficient Group Recommendation Model With Multiattention-Based Neural Networks. IEEE Transactions on Neural Networks and Learning Systems. 2020;31(11):4461–4474. pmid:31944999
  52. 52. Ghosh S, Ekbal A, Bhattacharyya P. Cease, a corpus of emotion annotated suicide notes in English. In: Proceedings of the 12th Language Resources and Evaluation Conference; 2020. p. 1618–1626.
  53. 53. Ghosh S, Ekbal A, Bhattacharyya P. What Does Your Bio Say? Inferring Twitter Users’ Depression Status From Multimodal Profile Information Using Deep Learning. IEEE Transactions on Computational Social Systems. 2021;1(1):1–11.
  54. 54. Hassan S, Saleem A, Soroya SH, Safder I, Iqbal S, Jamil S, et al. Deep sentiments in Roman Urdu text using Recurrent Convolutional Neural Network model. Information Processing and Management. 2020;57(4):1022–33.
  55. 55. Mahmood Z, Safder I, Nawab R M A, Bukhari F, Nawaz R, Alfakeeh AS, et al. Sentiment analysis of tweets through Altmetrics: A machine learning approach. Journal of Information Science. 2021;47(5):721–726.
  56. 56. Iqbal S, Hassan S, Aljohani NR, Alelyani S, Nawaz R, Bornmann L. A decade of in-text citation analysis based on natural language processing and machine learning techniques: an overview of empirical studies. Scientometrics. 2021;126(8):6551–6599.
  57. 57. Lin CH, Chi H. A novel movie recommendation system based on collaborative filtering and neural networks. In: International Conference on Advanced Information Networking and Applications. Springer; 2019. p. 895–903.
  58. 58. Deldjoo Y, Elahi M, Quadrana M, Cremonesi P. Using visual features based on MPEG-7 and deep learning for movie recommendation. International journal of multimedia information retrieval. 2018;7(4):207–219.
  59. 59. Yadav V, Shukla R, Tripathi A, Maurya A, et al. A new approach for movie recommender system using K-means Clustering and PCA. Journal of Scientific and Industrial Research (JSIR). 2021;80(02):159–165.
  60. 60. Lang F, Liang L, Huang K, Chen T, Zhu S. Movie Recommendation System for Educational Purposes Based on Field-Aware Factorization Machine. Mobile Networks and Applications. 2021; p. 1–7.
  61. 61. Vilakone P, Xinchang K, Park DS. Movie recommendation system based on users’ personal information and movies rated using the method of k-clique and normalized discounted cumulative gain. Journal of Information Processing Systems. 2020;16(2):494–507.
  62. 62. Agarwal A, Chakraborty M, Chowdary CR. Does order matter? Effect of order in group recommendation. Expert Systems with Applications. 2017;82:115–127.
  63. 63. Majdi A, Beiki M. Applying evolutionary optimization algorithms for improving fuzzy C-mean clustering performance to predict the deformation modulus of rock mass. International Journal of Rock Mechanics and Mining Sciences. 2019;113:172–182.
  64. 64. Portugal I, Alencar P, Cowan D. The use of machine learning algorithms in recommender systems: A systematic review. Expert Systems with Applications. 2018;97:205–227.
  65. 65. Koohi H, Kiani K. User based Collaborative Filtering using fuzzy C-means. Measurement. 2016;91:134–139.
  66. 66. Zhou Y, Wilkinson D, Schreiber R, Pan R. Large-Scale Parallel Collaborative Filtering for the Netflix Prize. In: Fleischer R, Xu J, editors. Algorithmic Aspects in Information and Management. Berlin, Heidelberg: Springer Berlin Heidelberg; 2008. p. 337–348.
  67. 67. MIT. Singular Value Decomposition; [Accessed: Oct 2021]. https://web.mit.edu/be.400/www/SVD/Singular_Value_Decomposition.htm.
  68. 68. Zhang Q, Lu J, Wu D, Zhang G. A cross-domain recommender system with kernel-induced knowledge transfer for overlapping entities. IEEE transactions on neural networks and learning systems. 2018;30(7):1998–2012. pmid:30418888
  69. 69. Herlocker JL, Konstan JA, Terveen LG, Riedl JT. Evaluating collaborative filtering recommender systems. ACM Transactions on Information Systems (TOIS). 2004;22(1):5–53.
  70. 70. Carvalho LAMC, Macedo HT. Users’ satisfaction in recommendation systems for groups: an approach based on noncooperative games. In: Proceedings of the 22nd International Conference on World Wide Web; 2013. p. 951–958.
  71. 71. Junaid M, Sohail A, Rais RNB, Ahmed A, Khalid O, Khan IA, et al. Modeling an optimized approach for load balancing in cloud. IEEE Access. 2020;8:173208–173226.
  72. 72. Suman C, Naman A, Saha S, Bhattacharyya P. A Multimodal Author Profiling System for Tweets. IEEE Transactions on Computational Social Systems. 2021.
  73. 73. HTGF. Code files; [Accessed: Oct 2021]. https://github.com/yasher1/Supplementary-Files-HTGF.