APP下载

An efficient hybrid recommendation model based on collaborative filtering recommender systems

2022-01-12MohammedFadhelAljunidManjaiahDoddaghattaHuchaiah

Mohammed Fadhel Aljunid | Manjaiah Doddaghatta Huchaiah

Department of Computer Science, Mangalore University,Mangalore, India

Abstract In recent years, collaborative filtering (CF) techniques have become one of the most popularly used techniques for providing personalized services to users. CF techniques collect users’previous information about items such as books,music,movies,ideas,and so on.Memory-based models are generally referredto as similarity-basedCF models,which are one of the most widely agreeable approaches for providing service recommendations.The memory-based approach includes user-based CF (UCF) and item-based CF (ICF) algorithms.The UCF model recommends items by finding similar users,while the ICF model recommends items by finding similar items based on the user-item rating matrix.However,consequent to the ingrained sparsity of the user-item rating matrix,a large number of ratings are missing.This results in the availability of only a few ratings to make predictions for the unknown ratings.The result is the poor prediction quality of the CF model.A model to find the best algorithm is provided here,which gives the most accurate recommendation based on different similarity metrics.Here a hybrid recommendation model, namely ΓUICF,is proposed. The ΓUICF model integrates the UCF and ICF models with the Γ linear regression model to model the sparsity and scalability issue of the user-item rating matrix.Detailed experimentation on two different real-world datasets shows that the proposed model demonstrates substantial performance when compared with the existing methods.

1 | INTRODUCTION

In recent times, recommender systems (RS) have become one of the important areas that commercial companies and researchers direct towards due to their usefulness in our daily lives.The RS is a subclass of information filtering systems that seeks to predict the“rating”or“preference”a user would give to an item.They are primarily used in commercial applications.In other words, RS mainly refers to the application of collaborative intelligence to make recommendations. RS can effectively solve the problem of information overload. The recommendation system provides users with a sorted personalized item recommendation list based on the user's historical preferences and constraints.A more accurate recommendation system can enhance and improve user experience [1, 2].Recommendation results can usually be generated based on user preferences, product characteristics, user-commodity transactions, and other environmental factors (such as time,season, location, etc.). The recommended items may include music [3], movies [4, 5], news items [6], books [7], research articles[8],and so on.The literature related to RS divides them into three categories of algorithm filtering, namely collaborative filtering- based (CF) RSs, content-based RSs, and hybridbased RSs [9, 10]. CF-based RS use only the interactive information between users and items to generate recommendations. Content-based RS utilise a series of discrete, pre-tagged characteristics of an item to recommend additional items with similar properties. The hybrid recommendation models use interactive information, metadata of users, and items.

In this work, we focus on CF algorithms which are considered the most popular successful algorithms in RS [11].The content-based RS is also a very old recommendation algorithm. But even today, the CF algorithm is the most widely used recommendation system occupying an extremely important position in the field of recommendation [12], and it was even once synonymous with recommendation systems. The basic idea of the CF algorithm is to make recommendations based on all the interactive behaviours of the user/item using collective wisdom.

There are two main types of CF algorithms, namely memory-based CF models and model-based CF algorithms.The memory-based model uses the historical behaviour data to find a possible association between a user and an item to make recommendations[13].Memory-based CF can be divided into two sub-categories, namely, user-based CF (UCF) and itembased CF (ICF). Several memory-based CF models have been proposed either UCF or ICF [14–16]. A UCF model mainly finds the items that similar users like and predict the target user's rating of the corresponding items.An ICF model finds the similarity between items.Only when the target user's rating of certain items is found, it can predict items with high similarity and recommend several similar items with the highest scores to the user. A model-based CF model is also called a learning-based model [13]. It defines a parameter model to describe the relationship between the users and items and then obtains the model parameters through the optimization process. The model-based CF model is scalable and can handle higher sparsity than the memory-based method, but when users or items without any ratings enter the system it is also miserable.Different machine learning algorithms are based on the model-based CF method such as the matrix factorization algorithm [17], neural networks [5], Bayesian classifiers [18],the clustering algorithm [19], genetic algorithms [20], and the regression model [21] among others.

In order to further improve the CF algorithms and meet the needs of the development of the recommendation system,we must first analyse the problems that exist in the implementation of CF and then make targeted improvements.Through a research of CF algorithms and recommendation systems,we found the main problems in the realization of CF algorithms and they are listed as follows.

· Cold start problem:The cold start problem is also known as the first-rater or new-item problem. From a certain perspective, it can be regarded as an extreme case of the sparse problem. Because the traditional CF recommendation is based on the calculation of similar users/items to get the recommendation of the target user, when a new item appears for the first time, the simple CF cannot predict its score and recommend items because no user has evaluated it.Moreover,due to the early emergence of new items,there are fewer user reviews and the accuracy of recommendations is also relatively poor. Similarly, the recommendation system for new users is also very poor. An extreme case of the cold start problem is when a CF recommendation system runs for the first time, and every user faces the cold start problem on every project [22, 23].

· Sparsity problem:In the sparsity problem,the realization of the CF algorithm first needs to use the user-item rating matrix to represent the user information. Although this is simple in theory, many e-commerce recommendation systems need to process a large amount of data information,and in these systems, the total amount of goods purchased by general users accounts for about 1%of the total amount of goods on the website, so the rating matrix (user-item matrix) is very sparse. In the case of large and sparse data,on the one hand it is difficult to find the nearest neighbour user set, and on the other hand the cost of similarity calculation is very high.At the same time,because the data is very sparse when the nearest neighbour user set of the target user is formed, moving forward causes loss of information which leads to the reduction of the recommendation effect[15, 22].

· Scalability problem: In the CF recommendation algorithm,the global numerical algorithm can use the latest information from time to time to generate a relatively accurate user interest prediction or recommendation for users. However,in the face of an increasing number of users the amount of data increases sharply, and the algorithm's scalability issues(i.e., the problem of adapting to the expanding scale of the system) have become an important factor restricting the implementation of the recommendation system. Although compared with model-based algorithms, global numerical algorithms save the training time for building models, the amount of calculation used to identify the nearest neighbour algorithm increases greatly with the increase in users and items for millions. The usual algorithms will encounter serious scalability bottlenecks. If this problem is not solved well, it directly affects a recommendation system based on the CF technology to provide users with a real-time solution to the recommendation problem. The better the real-time performance of the recommendation system and the higher the accuracy,the more the system will be accepted by users [15, 22].

In this work,we address these issues of CF RSs by applying a hybrid approach of the UCF algorithm and ICF algorithm.The bottleneck in traditional CF algorithms is the search for neighbours amongst a large user population of potential neighbours. A hybrid model avoids this bottleneck by modelling the relationships between items and the relationships between users. Because the relationships between users or items are relatively static, a hybrid of the user and item algorithms may be able to provide a higher quality compared to the UCF and ICF model, with less online computation. Here, we present a new recommendation model named ‘An Efficient Hybrid Recommendation Model Based on Collaborative Filtering Recommender System’ that blends UCF and ICF models with a linear regression model (ΓUICF). The ΓUICF model is utilised to reduce the dimension of the user-item rating matrix. The major different user to user and item to item similarity computations are computed and then the prediction for the unobserved target rating is made by adapting UCF and ICF models in an offline step.The Γ parameter linear regression model learns for each user and item and fuses the two predictions in the online step in a weighted model. The experiments were conducted on two different real-world datasets, namely 100k MovieLens and 1M MovieLens datasets. The proposed model was observed to perform significantly when compared to the existing models.The structures of this work is organised as follows:

The related works are given in Section 2,a methodology is presented in Section 3,the detailed experimental work is given in Section 4, and finally, the conclusion and future work are given in Section 5.

2 | RELATED WORKS

Presently,the collaborative filtering(CF)method is attracting a large number of research works, resulting in a huge variety of CF recommendation models.These models are frequently not deterministic.CF is a recommendation model based on similar information, that is, it finds an item or the user's ‘neighbour’based on the user's behaviour with the item. The ‘neighbour’here generally refers to the group, and its basic assumption is that similar users may use similar preferences and similar items may be preferred by similar people [24]. It mainly includes UCF and ICF. In both models, a very small portion of the information from the user-item rating matrix is taken into consideration to predict the unobserved ratings. This leads to the effect of prediction accuracy. To address these research problems,authors have been recently seeking to combine UCF and ICF models.

Tso-Sutter KH et al. [25] proposed a personalised recommendation model that combines items, users, and tags. The tags represent the information about the items given by the users. Firstly, they developed a generic model allowing tags to be integrated into CF models. Secondly, they presented a hybrid technique to project the 3-dimensional correlations between items, users, and tags.

Wang,Jing and Jian Yin.[26]developed a blend model that integrates UCF and ICF models for efficient recommendation diversity. The proposed model predicted a varied recommendation list of items for the target users.Item ranking means the users’ rating frequency for every item in the system.

Yamashita et al. [27] proposed an adaptive blend of UCF and ICF models to efficiently figure out the accuracy of recommendation systems. The proposed model uses a weight to integrate the UCF and ICF model. Firstly, they evaluated the correlation between the weight parameter and prediction accuracy. Secondly, they presented an estimation of the appropriate weight value based on absolute collected ratings.

Miyahara and Pazzani [28] developed a hybrid model that blends UCF and ICF models to efficiently evaluate the performance of predictions. This model includes filling out a pseudo score using UCF and ICF based on the simple Bayes.Then, the Bayesian CF recommender returns the hybrid results.

Kant S and Mahara T. [29] proposed a biclustering(BiUCF)model that combines UCF and ICF models to project the dimension reduction and simultaneously group the users and items of the rating data matrix.Biclustering computed the similarity between users or items on the basis of the cluster they belong to. Then the prediction for the unobserved rating is obtained by utilizing UCF and ICF models.

Slokom,Manel,and Raouia Ayachi[30]proposed a hybrid model that combines the prediction results of the possibilistic UCF and ICT model using a possibilistic information affinity measure to represent user-item preferences.

The hybrid models that we mentioned gave good results and addressed the issue of sparsity of the user-item rating matrix. However, these models have shortcomings when dealing with real-world applications and result in imprecise user preferences;hence,the cold start problem and the sparsity problem remain in CF models. To this end, we present a new hybrid model that combines UCF and ICF models with a linear regression model to solve the issue of sparsity and scalability of the user-item rating matrix and the performance of predictions that we get is significant.

3 | SYSTEM OVERVIEW

In this section, firstly, we presented the impact of some properties of the user-item rating matrix on collaborative filtering(CF)models in subsection 3.1.Then in subsection 3.2,we computed the similarities of both user based (UCF) and item based (ICF) models via two different metrics similarity namely, Cosine Similarity (COS) and Pearson Correlation Coefficient (PCC). After finding similarities, we provided the prediction of both UCF and ICF models in subsection 3.3.UCF and ICF models have limitations related to sparsity and scalability.More precisely,the user-item rating matrix is sparse,and the user to user or item to item similarity matrix is quite dense. This is because even a few often purchased items can lead to dense user-to-user or item-to-item similarities. Hence,the accuracy of the prediction of each model is poor and imprecise. Therefore, to solve this issue, we propose a new recommendation model which is a fusion of the strengths of UCF and ICF models and a parameter linear regression model to minimise the prediction error. The proposed model is provided in detail in subsection 3.4.

3.1 | Problem formulation

The CF model aims to suggest new items or to predict the utility of a specific item for a specific user based on the user's previous interest and the behaviours of many other users.

FIGURE 1 Collaborative filtering model process

1. Prediction of unknown ratings is a numerical value ^rui,representing the predicted similarity of an item ij∉Iuifor the active user ui. This predicted numerical value is on a scale of 1 to 5 based on the opinion values provided by ui.

2. Recommendation of the Top-k items or Top-k users is a list of k items ij, Ir⊂I, that the active user will like the most. Note that the recommended list of items must be on items not already rated (purchased) by the active user, that is, Ir∩Iui=∅. This formulation of a CF model almost always refers to the Top-K recommendation.

Note:The Top-k problem term almost frequently indicates the process of finding the Top-k items instead of the Top-k users. Nevertheless, Top-k users’ formulation is also beneficial to the merchant to determine the best users to target with a marketing effort.

3.2 | Computed similarity of UCF and ICF models

Generally, the similarity between the users or items based on the CF model is computed by treating them as vectors in the user space or item space and computing their similarity.Various metrics are proposed such as the COS measure [15],PCCs [31], and Jaccard [32].

In this work, the COS measure and PCC are adopted, as provided in [27, 33], and we have explained them as follows:

3.2.1 | Cosine similarity

COS finds the correlation between two variables, which measures the similarity between two feature vectors in terms of the angle between them. The COS formula of the UCF model is defined in Equation (1).

where s (i, j) represents the similarity of items i and j, Uijrepresents the set of common users who rated items i and j across all the users who rated such items.

3.2.2 | Pearson correlation coefficient

PCC is a measure of vector similarity. The output range is between -1 and + 1, where zero means no correlation,negative means the negative correlation, and a positive value means a positive correlation.

The UCF model formula based on the PCC is given in Equation (3).

where s(u,v)represents the similarity of users u and v,and ruand rvdonate the mean rating of user u or v across all items.

Likewise,the formulation of the ICF model based on PCC becomes

where s (i, j) represents the similarity of items i and j, and riand rjdonate the mean rating of item i or j across all the users who rated such items.

3.3 | Rating prediction of UCF and ICF models

First user similarity and item similarity are computed. The next step of the recommendation way includes predicting an estimation of the unobserved rating for the items that the user's nearest neighbours have scored but that the target user has not. Through a list of rating estimates for unrated items, the recommender model will simply sort by decreasing value and recommend the Top k-Items of the list to the target user. The prediction formula of UCF and ICF models are shown in Equations (5) and (6),respectively.

where μurepresents the mean rating of user u across all the items rated. Ni(u) represents the number of neighbours who have item i in common with user u, of which v is a particular neighbour user and simuv is the similarity between the user u and one of his or her neighbours v.

Since all the previous models need to be calculated for each prediction, the time cost is large and not all the scored items belong to the category similar to the item.Therefore,the TopK technique has adopted to filter out the items K that have the highest similarity with the item among all the scored items and only weigh the average of the items represented by K (see Equation (7) and (8)).

3.4 | Hybrid proposed model (ΓUICF)

The largest e-commerce sites are operating on a scale that emphasises the direct implementation of the CF algorithm. In memory-based CF models such as UCF or ICF similarity computation, the nearest neighbour formation process step turns out to be the performance bottleneck,which in turn,can make the entire process inappropriate for generating real-time recommendations. Moreover, the user-item rating matrix experiences high sparsity.Hence,in some cases,the density of the matrix is lower than 1%.This is because users rated only some of the items that they have viewed from a large pool of items in the user-item rating matrix.Therefore,the UCF or ICF model needs to predict the unobserved ratings from the few available ratings. According to Sarwar et al. [15], the similarities computed using the cosine or correlation measure may be imprecise or misleading in the sense that two rating vectors may be distant (in Euclidean sense), yet they may have very high similarity. In this case, using the raw ratings of a similar item may result in poor prediction.

One of the mechanisms ensuring high sparsity and scalability is the employment of model-based algorithms. Modelbased algorithms have the power to contribute to RS to operate on a highly sparse and scalable dataset. Sarwar et al. [15]proposed a linear regression model to improve the performance of the ICF model. Their model used the results of the linear regression model instead of simply using the raw rating of similar items for prediction. Their model used approximated values based on the linear regression model(see Equation(9)).

where Γ and β indicate the parameter determined by going over both rating vectors, and ϵ indicates the error in the regression model.

More precisely,the general and intuitive supposition is that there exists a relation between the overall item ratings and the single criteria ratings. Practically, the overall rating r0can subsequently be seen as being determined by a function f of single criteria ratings (see Equation 10).

The prediction of r0for a given user u and a target item i can be accomplished in a multi-step process. Firstly, in an offline phase,the function f has to be determined.One option could be to define f based on domain expertise or by averaging the criteria ratings. A more promising method, however, is to apply statistical or machine learning algorithms to automatically detect the hidden relationship between the overall rating and the criteria ratings [34].

For example[34],to approximate a function f for each item in the system using multiple linear regression algorithms.Hence, the overall rating r0can be observed to be dependent on a linear aggregation of the criteria ratings, where every criterion is assigned a parameter Γi, that is r0(see Equation (11)).

As shown in Equation (11), in the online step, the first criteria rating r1to rnfor i have to be estimated. Afterwards,the overall rating can be computed using f.For computing r0to rn, any standard CF model can employ them one by one for each criterion.For example,in the movie domain,we were able to observe the prediction of the rating for the aspect of the action to specify its own CF issue,which we compute based on the ratings for this aspect of the neighbours of the target user.

In this work, we propose a blend model-based algorithm(ΓUICF). We learn a linear regression function for UCF and ICF models and fuse the two predictions to result in a weighted model. We used the Γ parameter (weights) as the impact coefficient for all the users and items corresponding to the UCF and ICF model, respectively. The similarity calculation model is still correlation-based but the calculation is performed on the user's and item's latent space.

More precisely, in the UCF linear regression model, we try to explore for every user which aspects of an item(movie) are of specific significance across all the items(movies) the user has scored, while in the ICF linear regression model, we try to explore how strongly the particular aspects of an item (movie) affect the overall item(movie) ratings across all users.

Generally,we try to evaluate two kinds of dependencies in the user-item rating matrix. The main idea here is that we just need a small fraction of similar users and similar items to compute predictions that lead us to propose an alternate model-based algorithm. Although this process is effective, the user-item rating matrix can be very sparse because the users scored only some of the items that they have viewed from a large pool of items in the user-item rating matrix. Therefore,we can learn from the idea of Kant S, Mahara T. [29], and Jannach D et al. [34] that both models can complement each other and can possibly produce more accurate predictions compared to the individual model and the formula of the proposed hybrid model as follows:

Similar to the idea in the TopK method,the formula can be improved to Topk, a linear fusion function, and the degree of fusion is used as the weights of the prediction function (see Equations (12) and (13)).

The proposed model (ΓUICF) utilised the Γuand Γiparameter regression model for each user and item and fused the UCF and ICF models in the online phase to minimise the error prediction and infer a user's preference for the item.The intuition behind the fusing UCF and ICF models is that both kinds of information can be valuable.In other words,the user will be interested in watching movies that are similar to the movies the user previously liked and will tend to avoid movies that are similar to the movies the user previously disliked.This method does not require identification of the vicinity of similar users when requesting a recommendation.As a result,it tends to make recommendations much faster.

Algorithm 1 ΓUICF Algorithm Input:Rm×n user-item ratings matrix(MovieLens dataset)Output:Prediction of unknown ratings ^rui for Rm×n user-item matrix using RMSE Eq.:15 and MAE Eq.: 14 evaluation metric 1: for usermeanruser u,itemmeanritem i,allmeanμ in Rm×n do 2:Calculate ^rBCF ui baseline CF model(Eq.:18)3: end for 4: for all users u in Rm×n do 5: if CosSim then 6:Calculate Sim(u,v) (Eq.:1)7:Pred ^rUCFui baseline UCF model(Eq.:19)8:Pred ^rUCF+BCFuiUCF + baseline CF model(Eq.:5)9:Pred ^rTopkUCFuiTopk UCF model (Eq.:7)10: elsePCC 11:Calculate PCC Sim(u,v) (Eq.:3)12:Pred ^rTopkNormUCFuiTopk Norm UCF model(Eq.:7)13: end if 14: end for 15: for all items i in Rm×n do 16: if CosSim then 17:Calculate Sim(i, j) (Eq.:2)18:Pred ^rICFui Baseline ICF model (Eq.:18)19:Pred ^rICF+BCFuiICF + baseline CF (Eq.:6)20:Pred ^rTopkICFuiTopk ICF model (Eq.:7)

21: elsePCC 22:Calculate PCC (i, j) (Eq.:3)23:Pred ^rTopkICFnormuiTopk Norm ICF model(Eq.:7)24: end if 25: end for 26: Initialization: Γu, Γi;27: for each user u do 28: for each item i has rated by user u do 29:Pred^rΓUICFui =Γu*^rTopkUCFui+(1-Γi)* ^rTopkICFui(Eq.:12)30:Pred^rΓUICF(Norm)ui=Γu*^rTopkUCFnormui+(1-Γi)*^rTopkICFnorm ui(Eq.:12)31: end for 32: end for

Algorithm 1 depicted a pseudo-code description of the Γ UICF model which takes as the input of ratings Rm×nthe useritem sparse matrix and outputs a prediction of unknown ratings based on the proposed model.The bulk of the first loop(Line 1)computed the baseline CF model through the mean user, the mean item,and all mean(Line 1).The bulk of the second loop(Line 4) takes the UCF model where the loop consists of the condition.If the measured similarity is a cosine similarity,then the similarity between the users (Line 4) is measured and then the basis of the UCF model (Line 7), the basis of the UCF+baseline CF model(Line 8),and the basis of the Topk UCF model(Line 9)are computed.Otherwise,the UCF model is normalized using the PCC(Line 12).

Similarly,the bulk of the third loop(Line 14)takes the ICF model, where the loop consists of the condition. If the measured similarity is a cosine similarity, then the similarity between the items(Line 17)is measured and then the basis of the ICF model (Line 18), the basis of the ICF + baseline CF model (Line 19), and the basis of the Topk UCF model (Line 20) are computed. Otherwise, the ICF model is normalized using the PCC (Line 23).

We initialised Γuand Γi(Line 26). The bulk of the loop through each user and each item has been rated by a user u(Line 18), and the unknown ratings have been predicted by weighting all the users and items corresponding to the Topk UCF and TopkICF models (Line 29).

Line 30 predicted the unknown ratings by weighing all the users and items corresponding to the normalised TopkUCF and TopkICF models.

4 | EXPERIMENTAL STUDY

In this section, we present our experimentation which includes the experimental setup in subsection 4.1, a dataset description is given in subsection 4.2, and the evaluation metrics is presented in subsection 4.3. The settings of the proposed model is given in subsection 4.4,and finally, the experimental results are demonstrated in subsection 4.6.

4.1 | Experimental setup

We implemented our experimentation of the models on Ubuntu 16.4 operating system running on Intel® CoreTMi5-2400 CPU 3.10 GHz 4 processors and a hard disk of 500 GB. We used the Python language version 3.6.

4.2 | Dataset description

Originally,we used the NetflixPrize dataset,which is a dataset on movie ratings. The standard NetflixPrize dataset contains 480,189 users, 17,770 items, and a total of about 100 million ratings. The dataset also includes the time of scoring, and the name and year corresponding to each movie id.For CF methods,the scale matrix generated by this dataset reaches 480,189×17,770,andthetotalitemsaremorethan8billion.The basic statistics on this matrix have already taken tens of seconds.Fine-grained calculations are slower.Therefore,we switched to a smaller dataset, MovieLens (http://grouplens.org/datasets/movielens),whichis of the same data format.It provides datasets of different sizes including versions of multiple sizes such as 100K,1M,10M,and 20M(both refer to rating numbers).

Two types of MovieLens datasets are used in our experiments. The first dataset in MovieLens is called 100K Movie-Lens;there are 100,000 ratings with 943 user and 1682 movies.Another is 1M MovieLens; it includes 6040 users and 3952 movies with 1,000,209 ratings. In both datasets, each user has rated at least 20 movies.The sparsity of the user-item matrix is 93.701% in 100k and 95.810% in 1M. We choose these two datasets because they are the most used datasets by researchers and developers in a CF domain.

4.3 | Evaluation metrics

In this work, the mean absolute error (MAE) and the root mean squared error (RMSE) are used as the evaluation metrics to evaluate the prediction accuracy of estimating the ratings of specific user-item combinations. The lower the value of the MAE and RMSE, the better the prediction effect. Their definitions are presented Equation (14) and Equation (15).

where^ruiand rui are the predicted and actual scores of user u for item i.

Because of the cross-validation technique, the average MAE and RMSE of each dataset is selected as the final RMSE value of the prediction method.

where k is the number of cross-validation groups.

4.4 | Model setting

Before the experiments,we need to set the parameters for our model. Originally,for all the data we used a set of the training set and test set, and the scale ratio of the training set and test set was 4:1,that is,the scale of the training set is 80,000 and the scale of the test set is 20,000. The 5-fold cross-validation method was adopted in each dataset (see section 4.3 and Equation 16).The Topk approach was adopted on the training set and test set, where the values of k scale from 5 to 200 are shown in Table 1 and Figure 2a and 2b. Moreover, in Table 2 and Figure 3a, 3b represents the degree of fusion, where the value of Γ is between [0, 1].

For the 100k MovieLens dataset, the optimal k value for Topk UCF is (k = 30), Topk ICF is (k = 20), Topk user normalised CF is (k = 40), Topk item normalized CF is(k=20),and the blend parameter linear regression is Γ=0.70,as shown in Table 1 and Table 2, respectively.

For the 1M MovieLens dataset, the optimal k value for Topk UCF is (k = 30), Topk ICF is (k = 20), Topk user normalised CF is(k=40),Topk Item normalised CF model is(k=20),and the blend parameter linear regression is Γ=0.80.

4.5 | Analysis and discussion

In this section, we analysed and discussed the basic models of the CF model such as the baseline CF model (BCF), baseline UCF and ICF model, UCF and ICF model with BCF, BCF with bias, Topk UCF and Topk ICF model, normalised UCF and ICF model and normalised ICF model.According to their results, we proposed our blend model.

4.5.1 | Baselines CF model

The CF baseline model is a simple prediction based on these statistics. Its prediction formula is shown in Equation (17).

Among them, μ is the population mean, and ubuand ibiare the deviations of the user u and item i mean from the population mean (see Equation (18)).

This model is the effect of the baseline CF, and its RMSE value is 0.9694 and 0.9346 for the 100k and 1M MovieLens dataset, respectively.

4.5.2 | Baseline UCF and ICF models

The similarity is measured by the Cosine similarity metric for UCF and ICF baseline models, respectively. After the user similarity and item similarity are obtained,the similarity matrix is used for prediction.The prediction formula of UCF and ICF baseline models is shown in Equations (198) and (2019),respectively.In these models,the implicit assumption is that all users score out of the same statistical distribution.

It is not possible to calculate a weighted average of all the data here because it does not have scored items and averaging is meaningless. Hence, it will increase the value of the denominator, leading to serious deviations in prediction. Therefore,the cross-validation result of the UCF model is 1.0149 and is lower than the result based on the ICF model, which is 1.0174 on the 100k MovieLens dataset and also exceeds 1.While the RMSE result of the UCF model is 0.9726, which is higher than the result based on the ICF model, i.e. 1.0025 on the 1M MovieLens dataset.

4.5.3 | UCF and ICF with baseline CF

The significance of the baseline CF model is important to use.We combined UCF and ICF with the baseline CF to predict the basis of each model (see Section 3 Equations (5) and (6)).

Hence,the RMSE error of the UCF and ICF model based on the baseline CF model has been decreased to 0.9548 and 0.9362, respectively, which is a great improvement over the baseline on the 100k MovieLens dataset.

Similarly, for the 1M MovieLens dataset, the RMSE error of the UCF and ICF model based on the baseline CF model has been decreased to 0.9225 and 0.8960, respectively. It can be concluded that in practical applications, the ICF based on the baseline CF model performs better,roughly the difference between commodities, but not as good as the difference in taste between people.

4.5.4 | Topk UCF and Topk ICF models

The TopK technique has been adopted for UCFand ICF models based on the baseline CF model to filter out the items K that have the highest similarity with the item among all the scored items and to only weigh the average of the items K.If the number of items scored by the user is less than K,then all the scored items areused directly.This is also becausesome users mayonly tendto rate their favourite products.At run time,when item-item CF isused and when selecting K=10,the resulting RMSE is 0.9278,and when selecting K=40,the resulting RMSE is 0.9242.It is found that different K values havecertain effects.When K is very small,it cannot cover all the items that are similar to it,and when K is very large,the selected item may already no longer be very similar to it. We tried to adjust K with different K values as observed in Table 1 and Figures 2a,2b.It is found that the RMSE of the training set was gradually increased,instead of gradually decreasing in the general sense.

TABLE 1 Root mean squared error (RMSE) performance with different K values for UCF and ICF models on the 100k and 1M MovieLens dataset

FIGURE 2 Root mean squared error(RMSE)performance of each K value for item to item and user to user CF models on the 100k and 1M MovieLens dataset (a) RMSE performance of each K value on the 100K MovieLens dataset (b) RMSE performance of each K value on the 1M MovieLens dataset

TABLE 2 Root mean squared error (RMSE) performance with different Γ values on the train and test set for the 100k and 1M MovieLens dataset in the blend model

FIGURE 3 Root mean squared error (RMSE) performance withdifferent Γ values on the train and test set in the blend model (a) RMSE performance of Γ on the 100k MovieLens dataset (b) RMSE performance of Γ on the 1M MovieLens dataset

The main reason is that the training data incorporates the mean and similarity, and the original information is inevitably used in the prediction, so the values of RMSE on the training set are not very representative.Moreover,the test set shown in Table 1 and Figures 2a 2b is the corresponding optimal K value.When K increases,its negative effect is not so great.This is probably because with more data, the marginal data has a reduced impact on the final predicted value due to its weight reduction,similar to the law of diminishing marginal effects in economics. Obviously, different sizes of input should have different sizes of K values to match.A larger scale data should require a larger scale K value.

Here, the method we adopted is to directly set a K value set, so it is not very adaptable to different scales. In practical applications,a better way to obtain a better K value is through learning. Hence,for the 100K MovieLens dataset, the optimal values of k of UCF and ICF models are K = 20 and k = 30,and the RMSE is 0.9067 and 0.8681 for UCF and ICF models,respectively. For the 1M MovieLens dataset, the optimal value of k of UCF and ICF models is K=20 and k=40 and RMSE is 0.9445 and 0.9213 for UCF and ICF models, respectively.

4.5.5 | Normalize UCF and ICF models

In this work, the PCC metric has been adopted to normalise the UCF and ICF models.The normalised similarity matrix of users and items are calculated as shown in Equations (3) and(4), respectively.

At the same time,the function used for the prediction can be kept unchanged and only the similarity matrix adopted therein can be replaced by the normalised similarity matrix.However,based on the TopK ICF model,the cosine similarity has been replaced by the normalised similarity matrix (PCC),but it is observed that the RMSE based on (k = 20) has increased from 0.9213 to 0.9253 in the 100k MovieLens dataset, while the RMSE of the ICF model based on (k = 20)has decreased from 0.8686 to 0.8585 in the 1M MovieLens dataset.

This is due to some properties of the 100k MovieLens dataset itself. For some items with few scores, after normalisation they are erased. These items already have very little information. For example, in a niche movie, three or four audiences with similar tastes have scored a high score of 5 points at the same time. After normalisation, the high score information of the movie was erased at once but a loss of information occurred.

For the UCF model,since each user has scored at least 20 ratings in the 100k MovieLens dataset, such disadvantages should be avoided as much as possible.Therefore,we used the normalised similarity matrix for the UCF model.However,the effect was also unsatisfactory because the RMSE of the UCF model based on (k = 30) increased from 0.9445 to 0.9550,while the RMSE value of the UCF model based on (k = 40)decreased from 0.9059 to 0.8925 in the1M MovieLens dataset.

Regarding this issue, based on several related works, we found that there are two main considerations. First, there is extensive discussion on the measurement of similarity.Among them,there is a method that still uses the similarity calculation between items, but at this time, the item is not normalised.Instead,the user is normalized[15].Another solution is to use the default voting method [33] when the number of scores is insufficient.In this method,an analysis method similar to tf-idf is used to obtain the default weight value. But the formula is more complicated [33]. Secondly, due to the similarity measurement method, in actual use, the vector distance of many essentially similar objects may not be ideal under the Euclidean space [15], which leads to deviations in prediction.

4.6 | Results

In the above models there are two fundamentally different methods, item-item CF and user-user CF. Although derived from the same data, they are of two different dimensions. We used the results of the linear regression model instead of simply using the raw rating of similar items for prediction(See Equation (12)).

Without considering the normalised similarity matrix, we merged the TopK UCF and the TopK ICF model with the best parameter linear regression model, where the TopK of UCF,ICF, and Γ models based on the 100k MovieLens are k = 30,k = 20, and Γ = 0.70, respectively. Hence, the RMSE andMAE values of the blended model ΓUICF are 0.9130 and 0.7174, respectively.

TABLE 3 Root mean squared error(RMSE) and mean absolute error (MAE)comparison of the proposed model with different baseline methods on the 100k and 1M MovieLens dataset

TABLE 4 According to the results obtained by Kant S and Mahara T.[29],here is the root mean squared error(RMSE)and mean absolute error(MAE) performance comparison of different methods with the proposed model

In case the 1M MovieLens dataset and the TopK of UCF,ICF,and Γ models are k=40 and k=20,with Γ=0.80,the RMSE and MAE values after fusion are 0.8645 and 0.6751.

After considering the normalised similarity matrix, we merged the UCF normalised and ICF normalised models with the best parameter linear regression model. For the 100k MovieLens dataset, the optimal values of UCFNorm, ICFNorm, and Γ models are k = 40, k = 20, and Γ = 0.70,respectively. After fusion, the RMSE and MAE values are to 0.9229 and 0.7219, respectively.

For the 1M MovieLens dataset, RMSE and MAE of the fusion model are 0.8506 and 0.6627.

The recommendation accuracy of the state-of-the-art models among the proposed model is compared by using RMSE and MAE evaluation metrics,where Table 3 observed the performance of our proposed model along with the benchmark CF models such as the baseline CF model,baseline UCF,baseline ICF, UCF + Baseline CF, ICF + Baseline CF, TopkUCF,TopkICF,NormUCF,and NormICF.Our model achieves better performance under both the RMSE and MAE metrics on two datasets, which means that our blend model achieves a higher prediction accuracy and proves that the combination of UCFand ICF models with linear regression is effective.

Additionally,in Table 4 and Figure 4a and 4b we observe the performance of our blend proposed model compared with existing hybrid models such as the BiUCF [29], RSVD [35],ItemRank [36], iExpand [37], LDA [37], and AISCF [38]. Our model achieves better performance under both the RMSE and MAE metrics on two datasets, which means that our blend model achieves a higher prediction accuracy and proves that the combination of UCF and ICF models with linear regression is effective.

5 | CONCLUSION AND FUTURE WORK

We presented a hybrid recommendation model, namely ΓUICF. The ΓUICF model combines UCF and ICF linear regression models to model unknown user-item preferences.The ΓUICF model was implemented on two different realworld datasets, namely 100k MovieLens and M1 MovieLens datasets. Our results demonstrate the accuracy of the proposed recommendation model which has performed significantly with minimum error compared to existing CF models, which shows the outperformance of our approach compared to the existing CF models. The proposed model solved the limitations of CF algorithms; however, there is some shortage of CF models when dealing with real-world applications. It does not effectively address the well-known cold start problem, that is, when a new user or new item enters the system. There is difficulty in dealing with sparse data, hence it is hard to find users that have scored the same items. It suffers when new users or items that do not have any ratings enter the system. It tends to recommend popular items. In future work, we plan to propose a recommendation model using another technique called the model-based CF technique based on deep learning methods with some features of the users’ and items’ data base to address the problems mentioned and minimise the prediction error in a real-world RS.

FIGURE 4 Root mean squared error (RMSE) performance comparison of different models with the proposed hybrid model(a)RMSE performance with different models on the 100k MovieLens dataset(b) RMSE performance with different models on the 1M MovieLens dataset

ORCID

Mohammed Fadhel Aljunid https://orcid.org/0000-0001-9099-3664