1. Introduction
With the increasing usage of the Internet, recommendation systems have become an important application and research topic. For a recommendation system, it needs not only rich features but also well-learned useful features. Among the earliest recommendation systems, the collaborative filtering recommendation algorithm [
1,
2,
3,
4] is very famous. It discovers users’ preferences by mining their historical behavior data, classifies them by their different preferences, and then recommends similar products. In 2021, Y Ding et al. [
4] proposed a concise and efficient multi-scale relational network, RICF, which combined with the collaborative filtering algorithm to improve recommendation systems. Experimental results on realistic datasets showed that RICF performs better than traditional item-based collaborative filtering algorithms and state-of-the-art sequence models, such as LSTM and GRU, and is more interpretable. As the scale of the scoring data has increased and auxiliary information is added, researchers have tried to find a way to learn the underlying characteristics by combining neural networks and collaborative filtering [
5,
6]. Among the current collaborative filtering algorithms, the most effective and common algorithm is to micro-directionally propagate users by extracting potential factors from the user–item scoring matrix based on singular value decomposition (SVD) [
7,
8]. In 2016, Braida et al. [
9] proposed a collaborative filtering-to-supervised learning approach (COFILS), which transforms the collaborative filtering (CF) problem into a classical supervised learning (SL) problem. The experimental results showed that this method is much better than the traditional CF method. It is worth noting that the application of COFILS reduces the sparseness of the data. COFILS contains three main steps: extraction, mapping, and prediction. Firstly, the user feature matrix and the item feature matrix are generated from the user–item scoring matrix by singular value decomposition (SVD). Next, during the mapping phase, a new spatial matrix is generated, where each sample contains a set of potential variables from the user, each evaluation item, and a target corresponding to the user rating of the item. Finally, to predict the user’s score, a supervised learning approach is applied. The COFILS method reduces the sparseness of data; there seems to be another problem with its SVD reliance that causes low computational efficiency when dealing with sparse matrices. In addition, COFILS is unable to extract nonlinear features from the data and is not robust to noise data.
In recent years, the emergence and development of large language models (LLMs) have greatly promoted the performance of recommendation systems. LLMs deal with various recommendation tasks by translating them into linguistic instructions [
10]. With superior natural language understanding, LLMs are able to understand user preferences, item descriptions, and contextual information to provide more satisfactory recommendations. In addition, deep learning has also performed very well in the field of recommendation systems [
11,
12,
13]. This approach leverages the ability of neural networks to learn complex patterns from data, making it particularly powerful for recommendation tasks. At the same time, with the advent of multi-aspect temporal–textual embedding in author linking [
14], many recommendation systems based on text emotion have also emerged. In particular, it should be noted that some deep learning models, such as context-aware models [
15] and EmoDNN [
16], make deep learning-based emotion understanding more accurate, which further improves the personalization of the recommendation system. In 2023, Baqach, A et al. proposed a new method called CLAS (CNN–LSTM–Attention–SVM) based on CNNs, LSTMs, Attention mechanisms, and support vector machines [
17]. Then, a recommendation system was designed based on short text sentiment. And these researchers carried out experiments on three known sentiment-labeled datasets. However, there are several problems with deep learning as well, such as cold starts and sparse data, which need additional resources and methods to solve. Some improved methods are usually used to solve the sparseness of data and the lack of cold starts by adding additional information. To obtain additional information, there are a variety of linear techniques that can apply dimensionality reduction to extract potential factors from raw data. Auto encoder [
18], which was introduced by Hinton and Salakhutdinov in 2006, is a neural network that can be stacked to form a deep architecture to perform nonlinear dimensionality reduction in raw data. Nowadays, it has been applied successfully in many areas, such as images [
19], text [
20], and audio [
21]. An automatic encoder can be used to learn more useful and complex representations in neural networks with local denoising criteria [
22,
23].
The OCEAN personality model [
24] is a theory that can represent personality characteristics. A user’s OCEAN personality model looks for words that can summarize the user’s personality in the form of word aggregation, which can describe their personality characteristics well [
25]. After a long period of research and refinement, psychologists developed questionnaires to measure the various dimensions of the OCEAN personality model. Moreover, through cross-cultural research, it was found that the OCEAN personality model has a similar effect on different cultural backgrounds and has cross-cultural and cross-regional robustness [
26,
27,
28]. Although the OCEAN personality model has been extensively studied in psychology and other fields, there has been less research linking it to collaborative filtering algorithms. Moreover, the current research on recommendation systems based on collaborative filtering algorithms mainly focuses on technical improvement while ignoring the potential mechanism of personalized recommendations. Therefore, exploring the relationship between personality traits and collaborative filtering is a field worthy of further research, which is helpful to improve the degree of individuation and user satisfaction of the recommendation system.
We analyzed the statistics’ correlation between the user and the feature space and found that user behavior data, including clicks and ratings, is closely related to product features, such as categories and ratings. This correlation provides a novel perspective for enhancing recommendation algorithms. To improve the micro-directional propagation algorithm, this paper combines deep learning and collaborative filtering to establish a hybrid micro-directional propagation model based on the user OCEAN personality model and an SDAE (Stacked Denoising Auto Encoder) [
26]. The research goals of this work are as follows:
- (1)
Feature extraction based on an SDAE
Firstly, the user–item rating matrix was generated by collecting the user’s movie scoring data, and the item feature matrix and the user feature matrix were extracted from the user–item scoring matrix. Secondly, the SDAE was used to reduce the dimensions of the user and item feature matrices to extract richer information.
- (2)
Generation of the integrated feature matrix
After the feature dimension reduction based on the SDAE, the OCEAN personality model was added to the user feature matrix to form a novel user feature matrix. And then, the novel user feature matrix was combined with the item feature matrix to generate the comprehensive feature matrix and the corresponding user score vector.
- (3)
Rating prediction
Linear regression was used to predict user ratings. And the recommendation system gave recommendations.
2. Method
In this study, we aimed to improve the personalization and accuracy of recommendation systems. Current recommendation systems often ignore the importance of users’ personality characteristics in the recommendation process. Therefore, this study aimed to solve this problem in recommendation systems, that is, how to effectively integrate the personality characteristics of users to improve the accuracy of recommendations. We propose a collaborative filtering-based model that achieves a more comprehensive representation of user characteristics by combining the OCEAN model features of users with traditional recommendation algorithms.
As shown in
Figure 1, this model is mainly composed of three parts: matrix generation and preprocessing, feature matrix extraction based on the SDAE, and rating prediction with linear regression. In the first part, the model uses the data collected from Sina Weibo to create a user–item scoring matrix and then extracts the feature matrices of the user and item and normalizes them. In the second part of the model, the SDAE is used to complete the dimension reduction and feature extraction of the user and item feature matrices. However, this user feature matrix is one-sided. In order to obtain more accurate rating prediction results, we need a more comprehensive user feature matrix. In some ways, users’ ratings of movies are related to their personalities. And, as shown in
Figure 2, the OCEAN model provides a more comprehensive description of the user’s personal characteristics in five dimensions: openness, conscientiousness, extroversion, agreeableness, and neuroticism [
29]. Reference [
29] showed that these five traits are a very comprehensive and accurate summary of a person’s personality. Selecting only the OCEAN model can achieve the purpose of building a recommendation system based on personality characteristics. Therefore, the OCEAN matrix is added to the user features to form a more comprehensive user feature matrix. Finally, in the third part, the model uses linear regression to predict the rating of the movies that the user has not rated.
2.1. Matrix Generation and Preprocessing
According to the website user’s rating of an item, this model creates a user–item scoring matrix , including m users and n items. represents user i’s rating of item j. indicates that user i is unobservable for item j, which means that user i does not score item j; otherwise, it is observable. Then, we obtain two matrices. One is the user feature matrix, the matrix , which will be used in later steps to extract a matrix containing the potential factors of the user. The other one is the item feature matrix, the transposition of the matrix , which will be used in subsequent steps to extract a matrix containing the underlying factors of the item.
Once the matrices are created, they need to be normalized. The normalization of the matrix is a basic operation in data processing, after which the data can be uniformly evaluated. There are many ways to normalize the matrix, such as through means and through standard deviations. Since each user has different rating habits, each user’s rating will be biased relative to the average. In order to make the user’s personal scoring habits have no effect on the creation of the user feature matrix and the item feature matrix, in the process of normalization, each user is normalized separately, that is, each row of the user–item scoring matrix
is normalized as shown in
Figure 3.
Therefore, the normalized matrix is calculated by dividing each value of the user–item scoring matrix by the maximum value of its row [
30].
2.2. Feature Matrix Extraction Based on SDAE
This section introduces a nonlinear dimensionality reduction method for the user and item matrices based on the SDAE to extract latent factors of users and items. Then, to obtain more comprehensive user features, this paper adds the user’s OCEAN personality model matrix to the user feature matrix after dimension reduction to form a novel user feature matrix.
2.2.1. Dimensionality Reduction Based on SDAE
The normalized user feature matrix is used to perform the dimension reduction of the SDAE, and the potential factor matrix included in the user–item scoring matrix , that is, a new user feature matrix, is obtained. Similarly, the normalized item feature matrix is used to perform the dimensionality reduction of the SDAE, and the potential factor matrix contained in the user–item scoring matrix , that is, a new item feature matrix, is obtained.
The SDAE dimension reduction process for the user matrix is shown in
Figure 4. It is assumed that the user’s features become two-dimensional after the SDAE dimension reduction. Since the SDAE dimension reduction process for the item matrix is similar to the SDAE dimension reduction process for the user matrix, the specific process is not repeated here.
The process of using the SDAE [
26] to reduce the dimensionality of the user and item feature matrices is divided into two steps: pre-training and fine-tuning. It is assumed that
is used to represent the
corresponding to the k-th noise reduction encoder. The process of obtaining the dimensionality reduction matrix of the user matrix is as follows:
Noise is randomly added to the input data, sigmoid is used as the activation function, and the squared error algorithm is used as the cost function to train the first layer of the denoising encoder through unsupervised training. The parameters of one layer are obtained by optimizing the objective function, shown as Equation (1):
According to Equation (1), the first layer of the input data training model is used to obtain the parameter, , of the first layer through iterative correction. The output of the hidden layer of the upper layer noise reduction encoder is used as the input of the layer automatic encoder, the same noise as the previous layer is added, and the encoder is still trained in an unsupervised manner to obtain the parameter, , of the second layer.
Then, the previous step is repeated until all automatic encoder network parameter initialization is complete.
In the last hidden layer plus the decoded part, the expansion constitutes the entire neural network. At this point, the parameters of the entire network, from input to output, are
After the initialization, the parameters of the network are fine-tuned using the back propagation method to obtain the parameters of the layers that produce the best results. After the completion of the fine-tuning process, the middle layer of the SDAE in
Figure 4, that is, the last layer of the coding process, is calculated as the user feature matrix after the dimension reduction of the user matrix.
2.2.2. A More Comprehensive User Feature Matrix
However, the user feature matrix obtained above is only extracted from the user–item scoring matrix, and the user information it contains is often not comprehensive enough. A person’s personality traits, which affect their ratings of movies, are also part of the user feature. Therefore, in this section, the proposed model adds the OCEAN personality model of the user to the user feature matrix to form a novel and comprehensive user feature matrix.
To implement this process, it is first necessary to normalize the OCEAN personality model of the users. For m users, the OCEAN personality model matrix is a 5-dimensional matrix, and it is assumed that the user feature matrix after the dimensionality reduction of the previous SDAE is 2-dimensional. They have the same number of rows and can be concatenated horizontally, resulting in a novel user feature matrix as shown in
Figure 5 below.
2.2.3. Rating Prediction with Linear Regression
Before using linear regression to predict the ratings of the unrated items of users, this model first generates an integrated feature matrix by using the item feature matrix and the novel user feature matrix obtained in the previous step according to the COFILS method [
31]. The nonzero part is expanded into a one-dimensional matrix to generate a supervised dataset. Here, it is assumed that the item feature matrix becomes two-dimensional after the dimensionality reduction, as shown in
Figure 6.
The integrated feature matrix is used as a sample input for supervised sets in the next step. The output of the supervised data is arranged by arranging the user–item scoring matrix by row number and transposing it, and then removing the vector consisting of 0 items. Assuming that the total of the K values in the matrix is not zero, the right vector is a vector of K dimensions. The vector on the right will be used as the sample output of the supervised dataset in the next step. Assuming that a value of the sample output vector is , it represents the score of the q-th movie by the p-th user. The row corresponding to the sample input is the p-th row of the novel user feature matrix and the q-th row of the item feature matrix. For example, the first row of the above matrix represents the first row of the novel user feature matrix and the first row of the item feature matrix, corresponding to the first user’s rating of the first item.
Multiple linear regression is applied to train the data according to the above supervised dataset [
30].
The model of multiple linear regression is given by Equation (3):
where
represents the feature component in the integrated feature matrix and
represents the parameter to be trained. Using the squared error algorithm as a cost function, the model is optimized by minimizing the objective function, shown in Equation (4):
The method of minimizing the objective function is to update the parameter set by the gradient descent so that the fitted output value is as close as possible to the actual output value.
After the parameter set is trained, the user’s score on the item can be predicted based on the comprehensive feature matrix. And we can select items with high scores to recommend to users.
4. Discussion
As can be seen from
Figure 7, as the number of hidden layers increases from one to six, the model works better when the number of hidden layers is one to three. As the number of layers increases, the RMSE value above layer 3 is trending upward. This result is caused by the saturation of the sigmoid function, which has a gradient close to 0 when the value of the activation function is very close to 0 or 1. This shows that even if the initial weight can be determined first through greedy layer-by-layer training, to a certain extent, gradient diffusion can be prevented. However, it is not that the network effect of more layers is better, and it is necessary to choose the appropriate number of layers according to the actual situation. As can be seen from
Figure 8, as the number of iterations increases from 1 to 45, the RMSE of both models decreases through constant parameter modification, making the recommended accuracy higher. This is perhaps because more unnecessary operations are added to the model as the number of iterations increases. For example, overfitting occurs when the recommended time becomes longer. Through the above experiments, it can be proven that optimal results can be obtained with between 25 and 45 iterations of the model.
According to the comparison chart of the results in
Figure 10, the RMSE value and the MAE value of the experimental results using Method 5 are the smallest, which indicates that its recommended effect is the best. Specifically, from the perspective of whether to add the user’s OCEAN personality model, comparing the results of Method 5 and Method 4, it can be found that after adding the user’s OCEAN personality model to the recommendation system, the recommendation accuracy measured by the RMSE is improved by 4.53% and the recommendation accuracy measured by the MAE is improved by 6.41%. Comparing the results of Method 3 and Method 2, it can be found that after adding the user’s OCEAN personality model to the recommendation system, the recommendation accuracy measured by the RMSE is improved by 2.52% and the recommendation accuracy measured by the MAE is improved by 4.99%. The above two sets of comparative experiments prove the usefulness of the user’s OCEAN personality model for the recommendation system.
From the perspective of dimensionality reduction methods, comparing the results of Method 4 and Method 2, it can be found that in the model using the SDAE for dimensionality reduction, the accuracy of the proposal with the RMSE as the index is increased by 1.16%, and the accuracy of the proposal with the MAE as the index is increased by 2.32%. This proves that more information contained in the data can be extracted through the nonlinear dimension reduction of the SDAE, and richer information can make the recommendation system more accurate. Finally, the proposed model is compared with the BiasSVD + OCEAN personality model, and it can be seen from
Figure 10 that the recommendation effects of Method 1 and Method 5 are the best among the five methods. From the RMSE index, the accuracy of Method 5 is 1.39% higher than that of Method 1. From the MAE metric, the accuracy of Method 5 is 1.77% higher than that of Method 1. However, Method 1 clusters users according to their OCEAN personality model, which can solve the cold start problem in some micropropagation systems.
5. Conclusions
In this paper, an innovative hybrid micro-directional propagation model is proposed by combining the OCEAN personality model of users to improve the micro-directed algorithm. By combining deep learning and collaborative filtering, the model can better understand the user’s personality characteristics and the relevance of items. Firstly, the SDAE was used to reduce the dimensions of the user feature matrix and the item feature matrix. Then, the OCEAN personality model of the user was introduced to the user feature matrix to form a novel user feature matrix. Finally, a linear regression training dataset was used to predict the user’s preference for unrated items. The control variable method was used to prove the importance of parameters on the performance of the model. The comparative experiments showed that the introduction of the OCEAN personality model improved the algorithm’s effect by at least 2.52% in the RMSE and 4.99% in the MAE. This shows that it is effective and feasible to introduce the personality model into the recommendation system.
In summary, the model proposed in this paper has a very broad application prospect in the field of personalized recommendations. However, this model still has some areas worth improving, and the following measures can be taken to further improve the micro-directional propagation model in future work: First, non-text feature information (such as pictures, videos, etc.) can be added to the study of the OCEAN personality model of users to identify the user’s personality model more comprehensively. In addition, considering that the user personality model and the popularity of items may change over time, a time factor can be added to the process of micro-directional propagation.