Next Article in Journal
Convolutional Neural Networks for Human Activity Recognition Using Body-Worn Sensors
Next Article in Special Issue
Exploiting Past Users’ Interests and Predictions in an Active Learning Method for Dealing with Cold Start in Recommender Systems
Previous Article in Journal
Fitness Activity Recognition on Smartphones Using Doppler Measurements
Previous Article in Special Issue
Exploiting Rating Abstention Intervals for Addressing Concept Drift in Social Network Recommender Systems
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Artificial Neural Networks and Particle Swarm Optimization Algorithms for Preference Prediction in Multi-Criteria Recommender Systems

1
Software Engineering Lab, University of Aizu, Aizu-Wakamatsu 965-8580, Japan
2
Department of Software Engineering, Bayero University Kano, Kano, P.M.B. 3011, Nigeria
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Current address: Department of Software Engineering, Bayero University Kano, Kano P.M.B. 3011, Nigeria.
Informatics 2018, 5(2), 25; https://doi.org/10.3390/informatics5020025
Submission received: 4 December 2017 / Revised: 29 April 2018 / Accepted: 7 May 2018 / Published: 9 May 2018
(This article belongs to the Special Issue Advances in Recommender Systems)

Abstract

:
Recommender systems are powerful online tools that help to overcome problems of information overload. They make personalized recommendations to online users using various data mining and filtering techniques. However, most of the existing recommender systems use a single rating to represent the preference of user on an item. These techniques have several limitations as the preference of the user towards items may depend on several attributes of the items. Multi-criteria recommender systems extend the single rating recommendation techniques to incorporate multiple criteria ratings for improving recommendation accuracy. However, modeling the criteria ratings in multi-criteria recommender systems to determine the overall preferences of users has been considered as one of the major challenges in multi-criteria recommender systems. In other words, how to additionally take the multi-criteria rating information into account during the recommendation process is one of the problems of multi-criteria recommender systems. This article presents a methodological framework that trains artificial neural networks with particle swarm optimization algorithms and uses the neural networks for integrating the multi-criteria rating information and determining the preferences of users. The proposed neural network-based multi-criteria recommender system is integrated with k-nearest neighborhood collaborative filtering for predicting unknown criteria ratings. The proposed approach has been tested with a multi-criteria dataset for recommending movies to users. The empirical results of the study show that the proposed model has a higher prediction accuracy than the corresponding traditional recommendation technique and other multi-criteria recommender systems.

1. Introduction

Recommender systems are intelligent decision support systems that have made it possible for online users to access various information and services, receive product recommendations from online shops, and interact with people through social networking websites [1,2]. One of the significant advantages of these systems has been to help in addressing the problems of information overload for improving the relationships between users and management [3]. Recommender systems have different different application domains. Lu et al. [3] conducted a constructive review of the areas of applications of recommender systems and how they improve and make our daily activities easier. Some of these application domains include e-learning, tourism, e-government, e-commerce, social networking sites, and so on. However, majority of the existing recommender systems use single ratings to determine preferences of users on items. Nevertheless, this technique has been considered inefficient as users might express their opinions based on several attributes of items.
Multi-criteria recommendation has been recently proposed to use multiple ratings for various attributes of items to provide more accurate estimations of users’ opinions. Its importance has been recognized by the recommender systems research community to improve the quality of recommendations the systems might give to users. Along with this growth in multi-criteria rating information, however, there is increasing concern over efficient ways of modeling the criteria ratings for determining the overall preferences of users. The two major approaches used are heuristic-based and model-based approaches [4]. In the heuristic-based approach, the similarity computation of traditional collaborative filtering is extended to consider the criteria rating information [5]. The similarities are computed separately based on each criterion and then apply some statistical and data mining techniques to combine them for estimating the overall similarity. On the other hand, the model-based approach uses a predictive model to learn the relationships between multi-criteria rating information. The model-based approach can be used to develop multi-criteria recommender systems irrespective of the single rating technique used to estimate ratings for individual criteria, while the heuristic-based approach can only work with similarity-based single rating technique. Given the wider scope of model-based approach, this paper proposed a model that integrates single rating techniques with artificial networks for improving the recommendation accuracy. However, the efficiency of applying artificial neural networks in solving prediction problems depends mostly on the algorithms used to train the networks. The gradient descent-based back-propagation algorithm is one of the more commonly used algorithms for training neural networks, but it suffers from problems of slow convergence and has a high probability of getting trapped in local minima [6,7]. Several optimization techniques have been proposed to train neural networks, such as genetic algorithms [8], particle swarm optimization algorithms [9], simulated annealing algorithms [10], bee colony algorithms [11], and others. However, research has shown that genetic and simulated annealing algorithms have the tendency to avoid local minima, but their major drawback is slow convergence rates [12]. Particle swarm optimization algorithms have been recognized as the most efficient training algorithms as they avoid getting trapped at local minima, and more interestingly, they have fast convergence rates [13,14]. Therefore, the neural networks used in this study have been trained using particle swarm optimization algorithms. As no previous study has investigated the use of neural networks to model the criteria ratings in multi-criteria recommender systems [15], the major objective of this study was to investigate the significance of particle swarm optimization-based neural networks in improving the prediction and recommendation accuracy of the systems.
This paper has been divided into eight sections including this introductory section. Section 2 contains a survey of related works. The third and fourth sections offer overviews of recommender systems and particle swarm optimization algorithms, respectively. Section 5 contains the summary of the proposed approach, and the experimental methodology is given in Section 6. Section 7 gives the empirical results of the study. Lastly, Section 8 concludes the paper and proposes some potential future research.

2. Related Work

Though research on recommender systems has a long history in relation to information filtering and retrieval, the study of recommender systems as an independent research field began with the emergence of papers on collaborative filtering in the mid-1990s [16,17,18,19]. Furthermore, in 2005, Michael et al. [20] proposed a decision-making support system that combines text-mining techniques with multi-criteria analysis techniques for recommending movies to users. Their paper was among the studies that marked the beginning of extending traditional collaborative filtering techniques to multi-criteria recommendation problems [21].
Adomavicius and Kwon [22] proposed new techniques for incorporating the criteria ratings. They presented several techniques of extending item-based collaborative filtering into a form that can handle the multi-criteria rating information. According to their experimental findings, the proposed methods have significantly improved the accuracy of the systems. Although different techniques that used similarities between items based on each criteria were used, the main drawbacks of their experiments were the metrics they used for measuring the similarities and the size of the neighborhood [21].
In restaurant recommendation, Fernando et al. [23] proposed a new recommendation approach based on the concept of item view [24]. Another interesting study on multiple-aspect recommendations of restaurants is the work of Fu et al. [25] who proposed a probabilistic model that measures users preferences on restaurants based on multiple aspects ratings. The aspects ratings reflect the quality of services provided by the restaurants. Moreover, the study of Fu et al. involves considering the geographical location of the user for context-awareness recommendations. Several studies already existed that used matrix factorization technique [26] and integrated it with geographical location, such as the fused matrix factorization approach by Cheng et al. [27]. However, the most exciting part of the work of Fu et al. [25] was the ability of the model to capture the geographical influence in addition to multiple-aspect recommendations of restaurants. Similarly, in the tourism domain, Nilashi et al. [28] proposed a multi-criteria modeling approach called the Principal Component Analysis-Adaptive Neuro-Fuzzy Inference System (PCA-ANFIS), with aims of improving the prediction accuracy of the multi-criteria recommender system. They used Gaussian mixture model [29] with Expectation– Maximization (EM) clustering and ANFIS. They also used PCA for dimensionality reduction and to tackle the problems of multicollinearity and interdependences between the criteria. In another piece of research, an attempt was made to apply fuzzy clustering means (fuzzy C-means) for data clustering in the tourism domain for addressing sparsity problems [30]. Recently, Fumba et al. [31] applied Choquet integrals of a fuzzy [32] to develop a recommendation model to determine the total ordering of the criteria ratings and measures preferences of users based on multi-criteria ratings. In a movie recommendation domain, Klenthi et al. [33] developed a utility-based multi-criteria recommendation framework that worked based on the principle of preference disaggregation. In their approach, preferences of users are modeled as a set of additive utility functions of the criteria ratings. The model works with a utility additive algorithm.
In [34], an effort was put in place towards using a particle swarm optimization algorithm and applying different similarity measures to develop a multi-criteria recommender system. The particle swarm optimization algorithm was used to optimize the function of the similarities between users based on each criterion. Equation (1) shows how the overall similarity ( s i m ( u , v ) ) between users u and v is estimated based on their similarity s i m k ( u , v ) for each criterion k. The ω i is the weight of the similarity s i m i ( u , v ) , optimized using particle swarm optimization algorithm. Though the potential of particle swarm optimization algorithm has been tested in this study, the algorithm was used only to optimize the weights of the similarity values for each criterion, not the weight of the criteria ratings. Hence, the model cannot be applied to model-based collaborative filtering techniques such as the matrix factorization technique [26].
s i m ( u , v ) = k [ 1 , n ] ω k s i m k ( u , v )
As seen from most of the previous work mentioned above, the majority of the existing research on multi-criteria recommender systems followed a heuristic-based approach, and potentials of the powerful machine algorithms are not well explored. Among the initial attempts that applied machine learning algorithms is the work of Jannach et al. [35], who applied support vector regression to model the criteria ratings. However, using support vector regression has some drawbacks, because it requires the careful choice of hyperparameters that could allow for sufficient generalization of performance. The algorithm also uses a kernel trick, and choosing the suitable kernel function could be problematic as well [36].

3. Recommender Systems

Recommender systems (RSs) aim to estimate preferences of users towards items and suggest items that users might be interested in [37]. RSs assume the two sets U and I, representing the set of all users of the system and the set of items that could be recommended to them, respectively. Traditionally, RSs predict a single rating r to serve as the degree to which a user u may accept an item i. Their utility functions are of the form f ( u × i ) r . To determine how the utility function would predict the value of r, there are four common recommendation techniques that can be applied [38]. For instance, as reviewed by Yera and Martınez in [39], fuzzy tools can be applied in various ways to develop RSs.
A collaborative filtering recommendation technique is one of the three main techniques for building RSs and is the most widely used technique [3]. Other techniques are demographic filtering, content-based filtering, and a hybrid-based filtering technique that combines the collaborative filtering technique with content-based filtering or the demographic filtering technique in different ways [40]. The collaborative filtering technique is further divided into memory-based and model-based filtering [41]. The memory-based filtering uses similarities between users or items to predict the values for r and uses them to recommend items that users with similar opinions liked in the past. The model-based approach predicts the values for r by building a predictive model using machine learning and data mining techniques [42].
Multi-criteria RSs (MCRSs) extend the traditional recommendation technique by assigning multiple ratings r k for k = 1 , 2 , , n called the criteria ratings and an overall rating r o to various attributes of the items for enhancing the prediction accuracy of the system. An example of MCRSs is the movie recommender system that recommends movies to users based on action, direction, story, and visual effect of the movies. Table 1 shows example of the m × n rating matrix of MCRSs measured in a scale of 5 (1 to 5). It can be seen from the table that the first number of each entry is bigger and bolder. These large, bolded numbers are the overall ratings, while the subscript numbers are the criteria ratings for the action, direction, story, and visual effect, respectively. From the table, we can also see that even though some users have the same overall ratings, their criteria ratings are entirely different. For instance, both U 3 and U 4 have an overall rating of 2 on M 1 , but U 3 and U 4 have different opinions about M 1 . This is because U 3 gives little importance to the ratings of the second and fourth criteria, as the overall rating is closer the ratings of the first and third criteria. However, U 4 has a counter-consideration concerning the influence of the criteria ratings with respect to the overall rating.
Furthermore, Table 1 also illustrates some of the main characteristics of the utility function of MCRSs. Their utility functions are of the form f ( u × i ) r o , r 1 , r 2 , , r n [37]. The value of r o can be estimated using either model-based or heuristic-based approaches. The model-based approach computes r o as a function of the criteria ratings (see Equation (2)).
r o = f ( r 1 , r 2 , , r n )
The heuristic-based approach measures the similarities between users on each criterion k and uses them to computes the overall similarity and r o . The similarities between users on each criterion can be estimated using any suitable similarity metrics such as Pearson correlation similarity (see Equation (3)), cosine rule (see Equation (4)), and so on. The unknown rating r ^ u i will be predicted using Equation (5), where s i m o is the resulting overall similarity between u and v that is calculated based on the similarities between all the criteria ratings. The s i m o can be computed using several techniques, such as the averaging technique, the worst similarity technique, or by using weighted similarity techniques to estimate the weights of the similarities based on each criterion k [15].
s i m ( u , v ) = i I u v ( r u i r ¯ u ) ( r v i r ¯ v ) i I u v ( r u i r ¯ u ) 2 i I u v ( r v i r ¯ v ) 2
s i m ( u , v ) = r u · r v r u 2 r v 2 = i r u i r v i i r u i 2 i r v i 2
r ^ u i = r ¯ u + v N i ( u ) s i m o ( u , v ) ( r u i r ¯ v ) v N i ( u ) | s i m o ( u , v ) |

4. Particle Swarm Optimization (PSO)

Particle swarm optimization (PSO) is a population-based computational algorithm proposed by Eberhart and Kennedy [43], which is inspired by the way bird flocking or fish schooling behaves. PSO is an intelligent optimization algorithm that resembles the genetic algorithm. It starts with an initial population of solutions called particles and tries to find an optimal solution. The main difference between PSO algorithms and genetic algorithms is that the PSO does not require operations like mutation and crossover, which makes it easier to implement with a low computation time. The particles, which are similar to chromosomes in genetic algorithms, fly across the problem space by moving along the direction of the current optimal particle [6,44]. At iteration t, every particle k keeps track of its current position p k t ; the best fitness it has attained so far is called p b e s t , and the global fitness of all the particles is called g b e s t . Each particle has velocity v k t associated to it for following the fittest particle.
Similar to chromosomes in genetic algorithm, the particles are initially generated at random and p b e s t for each particle will be calculated and compared to determine g b e s t . The two basic operations of the PSO algorithm are updating the velocity v k t + 1 and the position p k t + 1 in order to obtain the fitness after the iteration t + 1 . The v k t + 1 and p k t + 1 are computed using Equations (6) and (7), respectively.
v k t + 1 = ω v k t + c 1 × r a n d × ( g b e s t k p k t ) + c 2 × r a n d × ( g b e s t k p k t )
p k t + 1 = p k t + v k t + 1
The first item in Equation (6) provides the ability for the PSO algorithm to search the whole problem space, and ω is the weighting function, c 1 and c 2 are constants called acceleration coefficients usually in the range [0, 4], and the function r a n d generates a random number in the interval [0, 1] [6,45].

5. The Proposed Model and Approach

The proposed method follows an aggregation function approach to estimate preferences of users on items based on the multi-criteria rating information as shown in Equation (2). Generally, following the aggregation function requires at least four necessary steps as follows.
  • Decompose the n-dimensional multi-criteria rating problem into n distinct single rating problems.
  • Choose a prediction function or algorithm that can learn the relationships between the criteria ratings and the overall rating.
  • Integrate the prediction algorithm with the distinct single rating techniques of step 1 for predicting the criteria ratings and the overall rating.
  • Provide a list of recommendations.
Similarly, modeling the criteria ratings using the proposed approach to provide the top-N recommendations requires five basic steps, as shown in Figure 1 [22]. The machine learning algorithm in step 3 of the figure is an artificial neural network (ANN) containing an input layer, a hidden layer, and an output layer (see Figure 2). While working with an artificial neural network, activation functions need to be defined for each node except at the input layer to determine the outputs of the neurons in the network. This is done by defining two activation functions: a sigmoid activation function and a linear activation function for all neurons in the hidden and output layers respectively. For instance, the activation function of neuron k defined in Equation (8) takes the weighted sum of the inputs r a of the neuron a (1 ≤ an) from the input layer. Similarly, the linear activation function at the output neuron o is defined in Equation (9)
f ( k ) = 1 1 + e x p ( a = 1 n ω a k r a )
f ( o ) = k = 1 n ω k o f ( k )
Finally, the learning error E between the actual output y k of the network for the k t h feature set and the real output t k from the dataset was evaluated after every iteration using the mean square error metric in Equation (10).
E = 1 N k = 1 N ( y k t k ) 2
In training the neural network with the PSO algorithm, we defined the particles to be the matrix of weights connecting the input layer and the hidden layer ( ω 1 k to ω n j ) and the weights connecting the hidden layer and the output layer ( ω k o to ω j o ).
To give a specific explanation of the proposed approach, Figure 3 shows the architecture of our proposed model. The model consists of three phases, which are briefly explained as follows: In phase 1, the multi-criteria rating dataset is decomposed into to three components (note that the two components at the left- and right-hand sides contain the same data). As shown in the figure, each of the components at the left- and right-hand sides contains user ID, item ID, and the criteria ratings r 1 , r 2 , , r n . The component in the middle consists of the criteria ratings together with their corresponding overall ratings (that is r o , r 1 , , r n ), and no item ID and user ID.
The two similar components are further decomposed into subcomponents containing user ID, item ID, and single rating r k for the k t h criterion so that each one of them can be treated as a traditional problem shown in Equation (5). We, therefore, used k instances of item-based traditional k-nearest neighborhood (kNN) -based recommender systems for the subcomponents at the left-hand side, and similarly, k instances of user-based traditional kNN-based recommender systems for the subcomponents at the right-hand side. The purpose of the instances of kNN-based traditional recommender systems is to compute learn how to computer unknown ratings for the k t h criterion.
The neural network is trained using the middle component to learn the relationships between r o and the criteria ratings as given in Equation (2). We trained to instances of the neural networks so that each one can be used to integrate the k predicted values for the instances of the item- and user-based traditional kNN-based recommender systems explained in the previous paragraph. In phase 2 of the model, the learned neural networks received these predicted values to estimate the overall ratings r ^ u i i t e m and r ^ u i u s e r respectively. Finally, in phase 3, the r ^ u i i t e m and r ^ u i u s e r are combined as illustrated in Equation (11) to calculate the overall rating r ^ u i for user u on item i.
r ^ u i = ω u r ^ u i u s e r + ω i r ^ u i i t e m
The calculated r ^ u i for users on new items are then used by the recommendation component to provide a list of top-N recommendations.

6. Experimental Methodology

To evaluate the performance of our proposed method, we used a Yahoo!Movie dataset for recommending movies to users. The Yahoo!movie dataset is a multi-criteria dataset where preference information on movies was provided by users on the strength of four different attributes of movies namely, the direction, the action, the story, and the visual effect of the movie. The dataset was provided by Yahoo!Movies website http://movies.yahoo.com, containing users’ ratings of movies based on the four criteria. However, as the Yahoo!Movies website no longer provides the dataset, we therefore collected the dataset from Kleanthi Lakiotaki [33], who initially extracted the dataset. We named the rating for the direction, the action, the story, and the visual effect of the movies as r 1 , r 2 , r 3 , and r 4 respectively. Ratings for each criterion were measured on a 13-fold scale starting from F representing the lowest preference to A + , which represents the highest preference of the user. The 13 scales are: A + , A, A , B + , B, B , C + , C, C , D + , D, D , and F. In addition to the criteria ratings, an overall rating ( r o ) that measures the final acceptability of users on movies was also included in the dataset, and it was equally measured on the same scales ( A + to F). Table 2 shows the original sample of the dataset, where r 1 , r 2 , r 3 , and r 4 are the rating for the action, direction, visual, and story of the movies respectively, along with an overall rating r o . In order to work with numerical data, the ratings (A+ to F) were transformed to numbers from 13 to 1, respectively.
For instance, A+→13, A→12, A→11, B+→10, …, D→3, D→2, and F→1. Table 3 presents the transformed numerical ratings of Table 2. The dataset contains a total of 62,156 ratings of 6078 users for 976 movies. We also used Pearson correlation coefficient to measure the correlations between the criteria ratings and the overall rating. The percentage correlations for the action, direction, story, and he visual effects of the movies are approximately 86.5%, 91.1%, 90.5%, and 84.4% respectively. This shows the strength of the relationship between the criteria ratings and the overall rating. According to these calculated correlations, users are more interested in the story and direction of the movies than visual effects and actions of the movies.
Moreover, to conduct the experiment, we need to provide parameters to our model so that part of the dataset would be used for the training and the remaining portion of the dataset for testing the performance of the model. However, how should a dataset be divided into training and test sets? If the training dataset is small, our parameter estimates will have higher variance, whereas with a low amount of test data, our performance statistic will have higher variance. The question now is with respect to the best way of dividing the dataset. There are many techniques for splitting the dataset into training and test set such as the leave one out (LOO) Monte Carlo test, disjoint set test, and n-fold cross-validation, etc. [46,47]. To measure the performance of our predictive model, we used n-fold cross-validation for selecting the parameters of the model [48,49,50]. The n-fold cross-validation divides the experimental dataset into n subsamples, where one of these subsamples will serve as the validation set for testing the model. The combination of the remaining n 1 subsamples will be the training set. This process is repeated n times so that each of the subsamples will have the chance to serve as the test set. In this study, we used 10-fold cross-validation (that is n = 10) throughout the experiments.
To develop the MCRSs illustrated in Figure 3, we used two k-nearest neighborhood (kNN) single rating RSs and integrated them with PSO-based neural networks in different ways. The role played by kNN is to predict the criteria ratings that will serve as the input to the neural network for computing the overall rating. The experiment was conducted with six RSs as follows:
  • Single_U: A user-based kNN recommender system that computes similarities between users using Equation (3)
  • Single_I: An item-based kNN recommender system that computes similarities between items using a modified version of Equation (3) to find similarities between item i and item j.
  • MCRSs_Sim: A heuristic-based MCRS that computes r o based on the average similarities between users using Equation (12), where s i m k ( u , v ) is the similarity between u and v based on the k t h criterion that could be obtained using Equation (3). r o will be computed using Equation (5) (in this case r o = r ^ u i while s i m ( u , v ) = s i m a v g ).
    s i m a v g ( u , v ) = 1 n + 1 k = 0 n s i m k ( u , v )
  • ANNs_U: A model-based MCRSs that integrates PSO-based ANNs with Single_U in item 1 to estimate the overall rating. We named the rating provided by this model as r ^ u i u s e r .
  • ANNs_I: A model-based MCRSs that integrates PSO-based ANNs with Single_I in item 2 to estimate the overall rating. We named the rating provided by this model as r ^ u i i t e m .
  • ANNs_W: This approach combines items number 4 and 5 above in a weighted form [51] to estimate the overall rating as a weighted sum of the ratings from items 4 and 5 as given in Equation (11), where ω u and ω i are the weights that are estimated using the gradient descent algorithm [35].
As can be seen in the results and discussion section, different values of k (the neighborhood size) were tested to monitor the performance of our model and to make comparative analyses with the traditional techniques based on the values of k. Other experimental parameters used were Pearson’s correlation coefficient with a minimum similarity threshold of 0.0, minimum number of neighbors set to 1, and minimum overlap (co-rated items) set to 2. The selection of these parameters followed several trials to determine the ones that provided optimal results.
Furthermore, to analyze the accuracy of the systems, we used several evaluation metrics to investigate their prediction and recommendation accuracy. The evaluation metrics used were:
  • Mean average error (MAE)
  • Root mean square error (RMSE)
  • Precision, recall, and F-measure
  • Fraction of concordant pairs (FCP)
  • Normalized discounted cumulative gain (NDCG)
  • Mean reciprocal ranking (MRR)
  • Gini coefficient.
Though PSO algorithm did not require many experimental parameters compared to other optimization algorithms, it became necessary for experiments with optimization algorithms to carefully select parameters that could provide the desired solutions and terminate the execution of the program when certain conditions were satisfied. These parameters are the number of particles to be generated for training, the initialization of the learning factors, the maximum velocity, number of iterations, and the target training error. The number of particles used for the experiment was chosen to be 100, initialized randomly to matrices and vectors of real numbers within the interval [0, 1]. The learning factors ( c 1 and c 2 in Equation (6)) were each selected as an integer 2. The velocity limit that a particle can move at was set to 0.2 in order to prevent overshooting. Finally, the termination condition was based on the minimum error E in Equation (10) which was chosen to be 0.001, or when the number of iterations was up to 200 training cycles. The experimental parameters were selected after several test runs.

7. Results and Discussion

To evaluate the advantages and effectiveness of the proposed method, we developed our methodological framework usinh two kNN-based RSs to calculate the average similarities between users/items based on each criterion, and the overall ratings are estimated using PSO-based ANN. The experimental results are then compared with traditional techniques and a heuristic-based MCRS The two kNN-based traditional RSs (Single_U and Single_I) used the overall rating to learn the similarities between users and items, respectively. Moreover, the three ANN-based MCRSs were ANNs_U that integrates the Single_U with the PSO-based neural network, ANNs_I that integrates the Single_I with the PSO-based neural network, and lastly, the ANNs_W, which is a hybrid of ANNs_U and ANNs_I. The evaluation metrics introduced in the previous section were equally applied to the six RSs.
Furthermore, as choosing the value of k in kNN-based RSs remains one of the main determining factors of the accuracy of the systems [52], we performed several experiments with different-sized neighborhoods to consider various number of clusters to effectively analyzed and compared the performance of the RSs. The experiments began with a moderately small neighborhood size of 30 neighbors, and increased up to the size of 200 neighbors per cluster. The resulting RMSEs and MAEs for the RSs have been analyzed and presented in Figure 4 and Figure 5, respectively. The figures show the prediction errors of each system based on the neighborhood sizes. Although it is apparent from the data in the figures that all the MCRSs have the least prediction errors, it is interesting is that the hybrid (ANNs_W) has smaller errors than the rest of the systems.
Additionally, the results also indicate that all the ANN-based systems are much better than heuristic-based systems (MCRSs_Sim). The differences between ANNs_U and ANNs_I could be attributed to the nature of the experimental dataset, where when the number of items is lower than the number of users, it might be difficult for some users to have neighbors, and vice versa. As the dataset contains 6078 users and 976 items, then the item-based RSs (Single_I) will likely have higher accuracy than the Single_U. This finding has important implications for developing both traditional and multi-criteria RSs. Therefore, since deciding on the item- or user-based RSs depends on the u s e r × i t e m ratio, it is recommended that the hybridization of two techniques could provide a better solution for this drawback. Further, if we now look at the results by the neighborhood sizes, it can be seen that unlike the traditional techniques, the four MCRSs have better prediction accuracy with smaller sizes.
For further comparison, we calculated the average performance of the six RSs based on the evaluation metrics mentioned in the last section. The results obtained from the preliminary analysis of their accuracy are summarized in Table 4. The results were computed by taking the average of the eight experiments based on the neighborhood sizes. The data on the table illustrates some of the leading characteristics of all the systems. It can be seen that except for the NDCG and MRR where MCRSs_Sim slightly outperformed ANNs_U and ANNs_I respectively, the proposed ANN-based systems reported the highest predictions, classification, and ranking accuracy. This table is quite revealing in several ways. First, it shows the ability of the proposed techniques to provide the recommended ranking of items that matches how the systems’ users would have ranked the same items. Also, the table demonstrates that the proposed techniques have high frequencies with which they can make correct decisions on whether an item can be accepted by a user. Lastly, similar to Figure 4 and Figure 5, the table confirms that the proposed techniques can predict ratings that are close to the actual user ratings.
Finally, to measure the extent of the existence of linear relationships between the predictions of the six RSs and the actual ratings from the dataset, we extracted some of their predicted values and applied Pearson’s correlation coefficient formula to estimate the inter-correlations among them and also their correlations with the corresponding actual ratings. Table 5 presents the summary statistics of the correlations results. Strong evidence can be seen from the table when we compare the data presented in the second row or second column of the table. The second row shows the correlations between actual ratings and the predictions of all the RSs. The findings in this table are consistent with those of Figure 4 and Figure 5, and Table 4.

8. Conclusions and Future Work

This study was undertaken to design a methodological framework for user modeling in multi-criteria recommendation problems and to evaluate the effectiveness of the proposed method. In this investigation, the aim was to train feed-forward neural networks with the particle swarm optimization (PSO) algorithm and use the neural network as an aggregation function for predicting the preferences of the users on items. The proposed method was made up of user- and item-based traditional RSs (kNN-based RSs) integrated with neural networks to learn the relationships between ratings for predicting and recommending relevant items to users. Several experiments have been conducted to determine the effects of neural networks in modeling the criteria rating information. The experimental results of the current study have supported the relevance of using artificial neural networks for modeling users’ preferences in multi-criteria decision-making problems. It was also shown that the hybrid user- and item-based model has by far improved the accuracy of the systems. Moreover, this study has demonstrated, for the first time, that a neural network trained with the PSO algorithm could be used to model multi-criteria recommendation problems and to improve the accuracy of the systems.
Although the PSO algorithm has been proved to be one of the most efficient and practical optimization techniques [6] and has the capacity to overcome the problems of slow convergence and getting trapped in local minima, investigation of the efficiency of the systems when modeling with a hybrid of the PSO algorithm and other optimization algorithms like the genetic algorithm, gravitational search algorithm, ant colony algorithm, and so is necessary.

Author Contributions

Mohammed Hassan conducted the experiments and wrote the first version of the paper. Mohamed Hamada is the research advisor, who proposed the structure of the paper and helped in proofreading and improving the quality of the article.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Bobadilla, J.; Ortega, F.; Hernando, A.; Bernal, J. A collaborative filtering approach to mitigate the new user cold start problem. Knowl.-Based Syst. 2012, 26, 225–238. [Google Scholar] [CrossRef]
  2. Hassan, M.; Hamada, M. Recommending Learning Peers for Collaborative Learning through Social Network Sites. In Proceedings of the 2016 7th IEEE International Conference on Intelligent Systems, Modelling and Simulation (ISMS), Bangkok, Thailand, 25–27 January 2016; pp. 60–63. [Google Scholar]
  3. Lu, J.; Wu, D.; Mao, M.; Wang, W.; Zhang, G. Recommender system application developments: A survey. Decis. Support Syst. 2015, 74, 12–32. [Google Scholar] [CrossRef]
  4. Hassan, M.; Hamada, M. Performance Comparison of Featured Neural Network Trained with Backpropagation and Delta Rule Techniques for Movie Rating Prediction in Multi-criteria Recommender Systems. Informatica 2016, 40, 409. [Google Scholar]
  5. Adomavicius, G.; Kwon, Y. Multi-criteria recommender systems. In Recommender Systems Handbook; Springer: Boston, MA, USA, 2011; pp. 769–803. [Google Scholar]
  6. Mirjalili, S.; Hashim, S.Z.M.; Sardroudi, H.M. Training feedforward neural networks using hybrid particle swarm optimization and gravitational search algorithm. Appl. Math. Comput. 2012, 218, 11125–11137. [Google Scholar] [CrossRef]
  7. Hassan, M.; Hamada, M. Performance Comparison of Feed-Forward Neural Networks Trained with Different Learning Algorithms for Recommender Systems. Computation 2017, 5, 40. [Google Scholar] [CrossRef]
  8. Üçoluk, G. Genetic algorithm solution of the TSP avoiding special crossover and mutation. Intell. Autom. Soft Comput. 2002, 8, 265–272. [Google Scholar] [CrossRef]
  9. Pradeepkumar, D.; Ravi, V. Forecasting financial time series volatility using Particle Swarm Optimization trained Quantile Regression Neural Network. Appl. Soft Comput. 2017, 58, 35–52. [Google Scholar] [CrossRef]
  10. Chen, X.; Zhang, M.; Ruan, K.; Gong, C.; Zhang, Y.; Yang, S.X. A Ranging Model Based on BP Neural Network. Intell. Autom. Soft Comput. 2016, 22, 325–329. [Google Scholar] [CrossRef]
  11. Xue, Y.; Zhong, S.; Ma, T.; Cao, J. A hybrid evolutionary algorithm for numerical optimization problem. Intell. Autom. Soft Comput. 2015, 21, 473–490. [Google Scholar] [CrossRef]
  12. Zhang, J.R.; Zhang, J.; Lok, T.M.; Lyu, M.R. A hybrid particle swarm optimization–back-propagation algorithm for feedforward neural network training. Appl. Math. Comput. 2007, 185, 1026–1037. [Google Scholar] [CrossRef]
  13. Du, K.L.; Swamy, M. Particle swarm optimization. In Search and Optimization by Metaheuristics; Springer: Basel, Switzerland, 2016; pp. 153–173. [Google Scholar]
  14. Settles, M.; Rodebaugh, B.; Soule, T. Comparison of genetic algorithm and particle swarm optimizer when evolving a recurrent neural network. In Genetic and Evolutionary Computation—GECCO 2003; Springer: Berlin/Heidelberg, Germany, 2003; pp. 148–149. [Google Scholar]
  15. Adomavicius, G.; Manouselis, N.; Kwon, Y. Multi-criteria recommender systems. In Recommender Systems Handbook; Springer: Boston, MA, USA, 2015; pp. 847–880. [Google Scholar]
  16. Hill, W.; Stead, L.; Rosenstein, M.; Furnas, G. Recommending and evaluating choices in a virtual community of use. In Proceedings of the SIGCHI Conference on Human Factors in Computing Systems, Denver, CO, USA, 7–11 May 1995; ACM Press/Addison-Wesley Publishing Co.: New York, NY, USA, 1995; pp. 194–201. [Google Scholar]
  17. Resnick, P.; Iacovou, N.; Suchak, M.; Bergstrom, P.; Riedl, J. GroupLens: An open architecture for collaborative filtering of netnews. In Proceedings of the 1994 ACM conference on Computer supported cooperative work, Chapel Hill, NC, USA, 22–26 October 1994; ACM: New York, NY, USA, 1994; pp. 175–186. [Google Scholar]
  18. Shardanand, U.; Maes, P. Social information filtering: Algorithms for automating “word of mouth”. In Proceedings of the SIGCHI conference on Human factors in computing systems, Denver, CO, USA, 7–11 May 1995; ACM Press/Addison-Wesley Publishing Co.: New York, NY, USA, 1995; pp. 210–217. [Google Scholar]
  19. Adomavicius, G.; Tuzhilin, A. Toward the next generation of recommender systems: A survey of the state-of-the-art and possible extensions. IEEE Trans. Knowl. Data Eng. 2005, 17, 734–749. [Google Scholar] [CrossRef]
  20. Plantié, M.; Montmain, J.; Dray, G. Movies recommenders systems: Automation of the information and evaluation phases in a multi-criteria decision-making process. In Database and Expert Systems Applications; Springer: Berlin/Heidelberg, Germany, 2005; pp. 633–644. [Google Scholar]
  21. Bilge, A.; Kaleli, C. A multi-criteria item-based collaborative filtering framework. In Proceedings of the 2014 11th IEEE International Joint Conference on Computer Science and Software Engineering (JCSSE), Chon Buri, Thailand, 14–16 May 2014; pp. 18–22. [Google Scholar]
  22. Adomavicius, G.; Kwon, Y. New recommendation techniques for multicriteria rating systems. IEEE Intell. Syst. 2007, 22. [Google Scholar] [CrossRef]
  23. Sanchez-Vilas, F.; Ismoilov, J.; Lousame, F.P.; Sanchez, E.; Lama, M. Applying multicriteria algorithms to restaurant recommendation. In Proceedings of the 2011 IEEE/WIC/ACM International Conferences on Web Intelligence and Intelligent Agent Technology, IEEE Computer Society, Lyon, France, 22–27 August 2011; Volume 1, pp. 87–91. [Google Scholar]
  24. Lousame, F.P.; Sánchez, E. View-based recommender systems. In Proceedings of the Third ACM Conference on Recommender Systems, New York, NY, USA, 23–25 October 2009; ACM: New York, NY, USA, 2009; pp. 389–392. [Google Scholar]
  25. Fu, Y.; Liu, B.; Ge, Y.; Yao, Z.; Xiong, H. User preference learning with multiple information fusion for restaurant recommendation. In Proceedings of the 2014 SIAM International Conference on Data Mining, Philadelphia, PA, USA, 24–26 April 2014; SIAM: Philadelphia, PA, USA, 2014; pp. 470–478. [Google Scholar]
  26. Fang, Y.; Si, L. Matrix co-factorization for recommendation with rich side information and implicit feedback. In Proceedings of the 2nd International Workshop on Information Heterogeneity and Fusion in Recommender Systems, Chicago, IL, USA, 23–27 October 2011; ACM: New York, NY, USA, 2011; pp. 65–69. [Google Scholar]
  27. Cheng, C.; Yang, H.; King, I.; Lyu, M.R. Fused Matrix Factorization with Geographical and Social Influence in Location-Based Social Networks. In Proceedings of the Twenty-Sixth AAAI Conference on Artificial Intelligence (AAAI’12), Toronto, ON, Canada, 22–26 July 2012; Volume 12, pp. 17–23. [Google Scholar]
  28. Nilashi, M.; bin Ibrahim, O.; Ithnin, N.; Sarmin, N.H. A multi-criteria collaborative filtering recommender system for the tourism domain using Expectation Maximization (EM) and PCA–ANFIS. Electr. Commer. Res. Appl. 2015, 14, 542–562. [Google Scholar] [CrossRef]
  29. Reynolds, D. Gaussian mixture models. In Encyclopedia of Biometrics; Springer: New York, NY, USA, 2015; pp. 827–832. [Google Scholar]
  30. Farokhi, N.; Vahid, M.; Nilashi, M.; Ibrahim, O. A multi-criteria recommender system for tourism using fuzzy approach. J. Soft Comput. Decis. Support Syst. 2016, 3, 19–29. [Google Scholar]
  31. Fomba, S.; Zaraté, P.; Kilgour, M.; Camilleri, G.; Konate, J.; Tangara, F. A Recommender System Based on Multi-Criteria Aggregation. Int. J. Decis. Support Syst. Technol. (IJDSST) 2017, 9, 1–15. [Google Scholar] [CrossRef]
  32. Xu, Z. Choquet integrals of weighted intuitionistic fuzzy information. Inf. Sci. 2010, 180, 726–736. [Google Scholar] [CrossRef]
  33. Lakiotaki, K.; Matsatsinis, N.F.; Tsoukias, A. Multicriteria user modeling in recommender systems. IEEE Intell. Syst. 2011, 26, 64–76. [Google Scholar] [CrossRef]
  34. Choudhary, P.; Kant, V.; Dwivedi, P. A Particle Swarm Optimization Approach to Multi Criteria Recommender System Utilizing Effective Similarity Measures. In Proceedings of the 9th International Conference on Machine Learning and Computing, Singapore, 24–26 February 2017; ACM: New York, NY, USA, 2017; pp. 81–85. [Google Scholar]
  35. Jannach, D.; Karakaya, Z.; Gedikli, F. Accuracy improvements for multi-criteria recommender systems. In Proceedings of the 13th ACM Conference on Electronic Commerce, Valencia, Spain, 4–8 June 2012; ACM: New York, NY, USA, 2012; pp. 674–689. [Google Scholar]
  36. Cawley, G.C.; Talbot, N.L. On over-fitting in model selection and subsequent selection bias in performance evaluation. J. Mach. Learn. Res. 2010, 11, 2079–2107. [Google Scholar]
  37. Hassan, M.; Hamada, M. Enhancing learning objects recommendation using multi-criteria recommender systems. In Proceedings of the 2016 IEEE International Conference on Teaching, Assessment, and Learning for Engineering (TALE), Bangkok, Thailand, 7–9 December 2016; pp. 62–64. [Google Scholar]
  38. Hassan, M.; Hamada, M. Smart media-based context-aware recommender systems for learning: A conceptual framework. In Proceedings of the 2017 16th International Conference on Information Technology Based Higher Education and Training (ITHET), Ohrid, Macedonia, 10–12 July 2017; pp. 1–4. [Google Scholar]
  39. Yera, R.; Martinez, L. Fuzzy tools in recommender systems: A survey. Int. J. Comput. Intell. Syst. 2017, 10, 776–803. [Google Scholar] [CrossRef]
  40. Bobadilla, J.; Ortega, F.; Hernando, A.; Gutiérrez, A. Recommender systems survey. Knowl.-Based Syst. 2013, 46, 109–132. [Google Scholar] [CrossRef]
  41. Bobadilla, J.; Hernando, A.; Ortega, F.; Bernal, J. A framework for collaborative filtering recommender systems. Expert Syst. Appl. 2011, 38, 14609–14623. [Google Scholar] [CrossRef]
  42. Hassan, M.; Hamada, M. A Neural Networks Approach for Improving the Accuracy of Multi-Criteria Recommender Systems. Appl. Sci. 2017, 7, 868. [Google Scholar] [CrossRef]
  43. Kennedy, J. Particle swarm optimization. In Encyclopedia of Machine Learning; Springer: New York, NY, USA, 2011; pp. 760–766. [Google Scholar]
  44. Jona, J.; Nagaveni, N. A hybrid swarm optimization approach for feature set reduction in digital mammograms. WSEAS Trans. Inf. Sci. Appl. 2012, 9, 340–349. [Google Scholar]
  45. Hu, X.; Eberhart, R.C.; Shi, Y. Particle swarm with extended memory for multiobjective optimization. In Proceedings of the 2003 IEEE, Swarm Intelligence Symposium, 2003 (SIS’03), Indianapolis, IN, USA, 26 April 2003; pp. 193–197. [Google Scholar]
  46. Triba, M.N.; Le Moyec, L.; Amathieu, R.; Goossens, C.; Bouchemal, N.; Nahon, P.; Rutledge, D.N.; Savarin, P. PLS/OPLS models in metabolomics: The impact of permutation of dataset rows on the K-fold cross-validation quality parameters. Mol. BioSyst. 2015, 11, 13–19. [Google Scholar] [CrossRef] [PubMed]
  47. Rohani, A.; Taki, M.; Abdollahpour, M. A novel soft computing model (Gaussian process regression with K-fold cross validation) for daily and monthly solar radiation forecasting (Part: I). Renew. Energy 2018, 115, 411–422. [Google Scholar] [CrossRef]
  48. Tvedskov, T.; Meretoja, T.; Jensen, M.; Leidenius, M.; Kroman, N. Cross-validation of three predictive tools for non-sentinel node metastases in breast cancer patients with micrometastases or isolated tumor cells in the sentinel node. Eur. J. Surg. Oncol. 2014, 40, 435–441. [Google Scholar] [CrossRef] [PubMed]
  49. Shao, C.; Paynabar, K.; Kim, T.; Jin, J.; Hu, S.; Spicer, J.; Wang, H.; Abell, J. Feature selection for manufacturing process monitoring using cross-validation. J. Manuf. Syst. 2013, 32, 550–555. [Google Scholar] [CrossRef]
  50. Jiang, P.; Chen, J. Displacement prediction of landslide based on generalized regression neural networks with K-fold cross-validation. Neurocomputing 2016, 198, 40–47. [Google Scholar] [CrossRef]
  51. Jannach, D.; Lerche, L.; Gedikli, F.; Bonnin, G. What recommenders recommend–an analysis of accuracy, popularity, and sales diversity effects. In International Conference on User Modeling, Adaptation, and Personalization; Springer: Berlin/Heidelberg, Germany, 2013; pp. 25–37. [Google Scholar]
  52. Owen, S.; Anil, R.; Dunning, T.; Friedman, E. Mahout in Action; Manning Publications Co.: Shelter Island, NY, USA, 2011. [Google Scholar]
Figure 1. General framework of aggregation function-based MCRSs.
Figure 1. General framework of aggregation function-based MCRSs.
Informatics 05 00025 g001
Figure 2. Architecture of the feed-forward neural network.
Figure 2. Architecture of the feed-forward neural network.
Informatics 05 00025 g002
Figure 3. Framework of the proposed ANN -based MCRSs.
Figure 3. Framework of the proposed ANN -based MCRSs.
Informatics 05 00025 g003
Figure 4. Curves of root mean square error (RMSE) against the neighborhood size.
Figure 4. Curves of root mean square error (RMSE) against the neighborhood size.
Informatics 05 00025 g004
Figure 5. Curves of the mean average error (MAE) against the neighborhood size.
Figure 5. Curves of the mean average error (MAE) against the neighborhood size.
Informatics 05 00025 g005
Table 1. Example of rating matrix in MCRSs.
Table 1. Example of rating matrix in MCRSs.
M 1 M 2 M 3 M 4 M n
U 1 54,5,3,555,5,4,534,2,3,334,3,3,312,1,3,1
U 2 24,1,3,155,5,5,555,4,4,434,2,3,544,3,3,5
U 3 21,5,2,455,5,5,554,5,4,432,5,4,343,5,4,3
U 4 24,1,5,122,2,2,255,4,3,435,3,3,545,2,3,5
.
.
.
U m 33,3,3,221,1,1,555,4,5,444,4,3,512,1,1,1
Table 2. Sample of the original dataset.
Table 2. Sample of the original dataset.
UserMovieDirectionActionStoryVisualOverall
IDID ( r 1 ) ( r 2 ) ( r 3 ) ( r 4 ) ( r o )
1011 A + C C B C
3B B + B + A B
5 B A B + A A
1023 A + A + A + A + A +
5 C C A + A + A +
6CB C + B B
Table 3. Sample of the numerical representation of the dataset.
Table 3. Sample of the numerical representation of the dataset.
UserMovieDirectionActionStoryVisualOverall
IDID ( r 1 ) ( r 2 ) ( r 3 ) ( r 4 ) ( r o )
1011136585
391010118
5811101111
10231313131313
556131313
669788
Table 4. Evaluation results. FCP: fraction of concordant pairs; MRR: mean reciprocal ranking; NDCG: normalized discounted cumulative gain.
Table 4. Evaluation results. FCP: fraction of concordant pairs; MRR: mean reciprocal ranking; NDCG: normalized discounted cumulative gain.
Size of KSingle_ISingle_UMCRSs_SimANNs_IANNs_UANNs_W
RMSE3.0302.9732.3002.0812.0661.945
MAE2.1692.0751.5751.4481.4361.353
Precision0.7950.8020.8170.8280.8350.838
Recall0.8000.8050.8100.8210.8240.833
F10.7970.8030.8130.8240.8290.835
MRR × 10−20.1090.1220.1660.2800.1700.570
NDCG0.8870.9020.9250.9610.9210.975
Gini0.7390.7680.8320.8360.8390.858
FCP0.6200.6410.7380.8160.8220.839
Table 5. Correlation matrix between the actual rating and the predicted values.
Table 5. Correlation matrix between the actual rating and the predicted values.
ActualSingle_ISingle_UMCRSs_SimANNs_IANNs_UANNs_W
Actual1.0000.8340.7390.8940.9160.8960.935
Single_I0.8341.0000.6640.9210.9560.7590.891
Single_U0.7390.6641.0000.6660.7370.8720.793
MCRSs_Sim0.8940.9210.6661.0000.9680.7940.903
ANNs_I0.9160.9560.7370.9681.0000.8140.943
ANNs_U0.8960.7590.8720.7940.8141.0000.922
ANNs_W0.9350.8910.7930.9030.9430.9221.000

Share and Cite

MDPI and ACS Style

Hamada, M.; Hassan, M. Artificial Neural Networks and Particle Swarm Optimization Algorithms for Preference Prediction in Multi-Criteria Recommender Systems. Informatics 2018, 5, 25. https://doi.org/10.3390/informatics5020025

AMA Style

Hamada M, Hassan M. Artificial Neural Networks and Particle Swarm Optimization Algorithms for Preference Prediction in Multi-Criteria Recommender Systems. Informatics. 2018; 5(2):25. https://doi.org/10.3390/informatics5020025

Chicago/Turabian Style

Hamada, Mohamed, and Mohammed Hassan. 2018. "Artificial Neural Networks and Particle Swarm Optimization Algorithms for Preference Prediction in Multi-Criteria Recommender Systems" Informatics 5, no. 2: 25. https://doi.org/10.3390/informatics5020025

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop