Research article Special Issues

Hybrid recommendation algorithm based on real-valued RBM and CNN


  • With the unprecedented development of big data, it is becoming hard to get the valuable information hence, the recommendation system is becoming more and more popular. When the limited Boltzmann machine is used for collaborative filtering, only the scoring matrix is considered, and the influence of the item content, the user characteristics and the user evaluation content on the predicted score is not considered. To solve this problem, the modified hybrid recommendation algorithm based on Gaussian restricted Boltzmann machine is proposed in the paper. The user text information and the item text information are input to the embedding layer to change the text information into numerical vector. The convolutional neural network is used to get the latent feature vector of the text information. The latent vector is connected to rating vector to get the item and the user vector. The user vector and the item vector are fused together to get the user-item matrix which is input to the visual layer of Gaussian restricted Boltzmann Machine to predict the ratings. Some simulation experiments have been performed on the algorithm, and the results of the experiments proved that the algorithm is feasible.

    Citation: Jue Wu, Lei Yang, Fujun Yang, Peihong Zhang, Keqiang Bai. Hybrid recommendation algorithm based on real-valued RBM and CNN[J]. Mathematical Biosciences and Engineering, 2022, 19(10): 10673-10686. doi: 10.3934/mbe.2022499

    Related Papers:

    [1] Chunmei He, Hongyu Kang, Tong Yao, Xiaorui Li . An effective classifier based on convolutional neural network and regularized extreme learning machine. Mathematical Biosciences and Engineering, 2019, 16(6): 8309-8321. doi: 10.3934/mbe.2019420
    [2] Roslidar Roslidar, Mohd Syaryadhi, Khairun Saddami, Biswajeet Pradhan, Fitri Arnia, Maimun Syukri, Khairul Munadi . BreaCNet: A high-accuracy breast thermogram classifier based on mobile convolutional neural network. Mathematical Biosciences and Engineering, 2022, 19(2): 1304-1331. doi: 10.3934/mbe.2022060
    [3] Giuseppe Ciaburro . Machine fault detection methods based on machine learning algorithms: A review. Mathematical Biosciences and Engineering, 2022, 19(11): 11453-11490. doi: 10.3934/mbe.2022534
    [4] Abhishek Savaliya, Rutvij H. Jhaveri, Qin Xin, Saad Alqithami, Sagar Ramani, Tariq Ahamed Ahanger . Securing industrial communication with software-defined networking. Mathematical Biosciences and Engineering, 2021, 18(6): 8298-8313. doi: 10.3934/mbe.2021411
    [5] Shuguang Wang . Point of Interest recommendation for social network using the Internet of Things and deep reinforcement learning. Mathematical Biosciences and Engineering, 2023, 20(9): 17428-17445. doi: 10.3934/mbe.2023775
    [6] Jia-Gang Qiu, Yi Li, Hao-Qi Liu, Shuang Lin, Lei Pang, Gang Sun, Ying-Zhe Song . Research on motion recognition based on multi-dimensional sensing data and deep learning algorithms. Mathematical Biosciences and Engineering, 2023, 20(8): 14578-14595. doi: 10.3934/mbe.2023652
    [7] Muhammad Hassan Jamal, Muazzam A Khan, Safi Ullah, Mohammed S. Alshehri, Sultan Almakdi, Umer Rashid, Abdulwahab Alazeb, Jawad Ahmad . Multi-step attack detection in industrial networks using a hybrid deep learning architecture. Mathematical Biosciences and Engineering, 2023, 20(8): 13824-13848. doi: 10.3934/mbe.2023615
    [8] Yan Liu, Bingxue Lv, Yuheng Wang, Wei Huang . An end-to-end stereo matching algorithm based on improved convolutional neural network. Mathematical Biosciences and Engineering, 2020, 17(6): 7787-7803. doi: 10.3934/mbe.2020396
    [9] Suqi Zhang, Wenfeng Wang, Ningning Li, Ningjing Zhang . Multi-behavioral recommendation model based on dual neural networks and contrast learning. Mathematical Biosciences and Engineering, 2023, 20(11): 19209-19231. doi: 10.3934/mbe.2023849
    [10] Qiushi Wang, Zhicheng Sun, Yueming Zhu, Chunhe Song, Dong Li . Intelligent fault diagnosis algorithm of rolling bearing based on optimization algorithm fusion convolutional neural network. Mathematical Biosciences and Engineering, 2023, 20(11): 19963-19982. doi: 10.3934/mbe.2023884
  • With the unprecedented development of big data, it is becoming hard to get the valuable information hence, the recommendation system is becoming more and more popular. When the limited Boltzmann machine is used for collaborative filtering, only the scoring matrix is considered, and the influence of the item content, the user characteristics and the user evaluation content on the predicted score is not considered. To solve this problem, the modified hybrid recommendation algorithm based on Gaussian restricted Boltzmann machine is proposed in the paper. The user text information and the item text information are input to the embedding layer to change the text information into numerical vector. The convolutional neural network is used to get the latent feature vector of the text information. The latent vector is connected to rating vector to get the item and the user vector. The user vector and the item vector are fused together to get the user-item matrix which is input to the visual layer of Gaussian restricted Boltzmann Machine to predict the ratings. Some simulation experiments have been performed on the algorithm, and the results of the experiments proved that the algorithm is feasible.



    The recommendation system is very important for alleviating the problem of information overload arising out of rapid development of big data. To provide a better recommendation system, predicting the rating score of the users for the goods is a vital problem to solve. Recommendation system is a main method of data selection. Recommendation system is mainly based on the characteristics of users' daily behavior. Recommendation system can accurately recommend interesting items to users by analyzing the behaviors of them. Recently, recommendation systems have developed rapidly [1,2,3,4,5,6]. Many researchers have proposed many recommendation algorithms [7,8,9,10]. The hybrid recommendation algorithm is an important research point. The neural networks have been widely used in the recommendation system. Compared with the traditional algorithms, the neural networks model can better match the data. The restricted Boltzmann machine (RBM) [11] has been used in the recommendation system and exhibits good performance [12,13,14,15,16,17]. Majority of the recommendation algorithms based on RBM use only the rating data in which the information of the user and item are not taken into account.

    The convolutional neural network (CNN) is a neural network which uses the convolution structure to extract the valuable information. The convolution structure is used to get the local feature. In order to reduce the number of the parameters, the weights share and the pooling operator are used in the model which however, alleviates the over-fitting problem. The CNN was originally developed to solve computer vision problems. CNN architecture is very important for CNNs' performance [18,19,20]. Off late, CNN has been successfully applied in various fields of natural language processing [21,22,23,24]. Recently, the CNN was also used in the recommendation system [25,26,27,28] and proved that it can extract the context information of the texts.

    The modified hybrid recommendation algorithm based on the Gaussian RBM (GRBM) and CNN is proposed in this paper. The user text information and the item text information are taken into account in the algorithm. The word2vec is used to change the text data into numerical vector. The CNN is used to get the latent feature of the text data. The GRBM is used to predict the ratings.

    The structure of the paper is as follows. An extensive literature review is presented in Section 2. The conceptual model is elaborated in Section 3. Section 4 describes the simulation experiments and the analysis result. The findings are concluded in Section 5.

    The restricted Boltzmann machine (RBM) was first proposed by Hinton [11] and was widely used for recommendation system because of its high accuracy. In order to further improve its performance many optimization methods were proposed. A hybrid recommendation algorithm based on RBM and term frequency-inverse document frequency (TF-IDF) was proposed by Wang and Li [12]. The RBM was used to fill in the rating matrix to alleviate the problem of data sparsity in this paper. A novel recommendation method based on the trust-distrust relationship (TDA-RBM) was suggested by Hu et al. [13], etc. The trust relationship was applied in the algorithm, and the trust-distrust supervision mechanism was constructed in the model. A hybrid recommendation model based on RBM was advocated by Wang et al. [14]. The RBM was used to generate the candidate sets where the LFM was used to sort the candidate results. The IRC-RBM algorithm was proposed by He et al. [15] in which the rating matrix based on the cluster method and the IRC-RBM model were fused together to get the recommendation. A hybrid recommendation algorithm based on restricted Boltzmann machine and weighted slope one was proposed (IR-RBM-WSO) by Shen et al. [29] where a hybrid item similarity calculation method was used in this algorithm. A user-based BM model with time information was recommended by Du and Zhou [30] where the time information bias was added into the existing RBM model in the algorithm. Kuo and Chen [31] proposed a hybrid algorithm and the cluster-based RBM (CRBM) with differential evolution method to optimize the parameters. A new item-based restricted Boltzmann machine method for collaborative filtering was propounded by Du et al. [32] where the multilayer RBM structure can extract feature very well. A Recommendation Algorithm based on RBM and the item type was put up by He et al. [33] where the type similarity of the item was introduced to modify the original neighbors in the algorithm where the type similarity of the item was used in the algorithm to get neighbors which were closer to the target, and this model is better than algorithms based on RBM. Conditional restricted Boltzmann machine (CRBM) for item recommendation was proposed by Chen et al. [34] where the users' feedback data were converted into three different matrixes and the CRBM was used to handle the matrixes. Real-Valued conditional restricted Boltzmann machine (R_CRBM) was put forward by He and Ma [35] wherein the nearest trusted relationships were used in the algorithm to improve the performance of CRBM.

    When the limited Boltzmann machine RBM was used for collaborative filtering, only the scoring data matrix was considered, and the influences of item content, user characteristics and user evaluation content on the predicted score were not considered leading to low accuracy. We proposed a novel collaborative filtering algorithm based on RBM which combine the item content and the users feature. The word2vec is used to get the items and the users vector subsequently, the vectors were input into the CNN to get the latent vectors of items and users. Combining the latent vector and the score matrix, we get the combined matrix, which is then input into the Gaussian RBM (GRBM) to get the score predict model. The model is denoted as TCNN-GRBM in this paper.

    The text information of items and users are put into the respective embedded layer. The embedded layer changes the text information into the data matrix. The user data matrix and the item data matrix are put into the CNN to get the users latent vector and the items latent vector, respectively. Then the item latent feature vector is connected with the item score vector given by all the users. Later, the user latent feature vector is connected with the score vector given by the user. The connected vector is fused together in the fusion layer to get the new user-item matrix. which is input into the GRBM. The model structure is shown in Figure 1.

    Figure 1.  Algorithm model structure.

    Convolutional neural network (CNN) is generally used in computer vision for image classification, detection, and nature language processing. Off late, CNN has been introduced into the recommendation systems to achieve good results. The CNN is used to train the text information of users and items to obtain the latent features of the items and the users in this paper.

    The scores are integers 1–5 or 1–10, and so the data needed can be normalized. Assumed that 0 means that the users did not rate the item; we normalize the score data to a floating point value. The normalization formula is as follows:

    rnorm=rrminrmaxrmin (1)

    Where, rnorm is the normalized data, r is the source data, rmax and rmin are the maximum and the minimum value of the score matrix respectively.

    The word2vec is used in the paper to get the vectors of the item text information and the user text information. Multi-layer convolution in CNN model can obtain the interrelationship among the words in the documents, and so it can learn the relationships among the contexts. The CNN is used to get the latent item feature and the latent user feature in this paper. The specific processes followed are as follows.

    (1) Embedding layer

    The word embedding layer transforms the documents into the numerical matrix to extract its semantic information and the vectors are input to the next layer. The word2vec model is used in this paper to extract the word vector. The user text data and the item text data are input to the word2vec. The user text data include the score, comment, click, and social data. The item text data include the name, size, color, quality, image and other data that describe the item.

    The text is taken as a sequence of words, and the word vectors are connected together to form a text matrix. The matrix can be initialized arbitrarily, or it can be initialized with the trained vector and embedded into the model.

    (2) Convolution layer

    The convolution operation can get the latent feature of the context. The convolution operation on a text matrix can enhance some features of the text, reduce the noise and get the latent feature of the text. The different sizes convolution kernels are used in the algorithm to get the relationship among the word vectors. The convolution operation is described as:

    Ai=f1(W1X1+b1) (2)

    Where, represents the convolution operator, W1 denotes the weight, X1 represents the vector matrix, and b1 denotes the bias, f1 denotes the activate function.

    After the convolution operation, the output of the convolution layer is given by:

    A={a1,a2,...,ai} (3)

    Where, A is the latent feature of the text, used as the input of pooling layer and is composed of different convolution kernels.

    (3) Pooling layer

    Pooling layer can reduce the number of features and parameters. This further reduces the amount of calculation, controls over-fitting and extracts representative features. Maximum pooling is used in this paper. Its main function is to maximize the features observed from different angles. That is, to capture the most important information of the feature and the formula is expressed as:

    y1=max{0,a} (4)

    (4) Output layer

    After convolution and pooling operations, the data is input to a full connection layer. The latent feature of the text can be obtained in this layer. The process can be expressed by the following formula:

    y2=f2(w2y1+b2) (5)

    Where, w2 denotes the weight, b2 denotes the bias and f2 denotes the activate function. In this paper the ReLU is used as the activate function.

    (5) Feature connection layer

    The text latent feature is connected with the score data in this layer. The network is added in the structure in order to make the connected item feature and the connected user feature have the same dimension. The process can be expressed in following formulae (6)–(8).

    y3cI=[sIy2I], y3cu=[suy2u] (6)
    y3u=f3(w3y3cu+b3) (7)
    y3I=f3(w3y3cI+b3) (8)

    Where, y2cI denotes the item score vector which is composed by the scores given by all the users, y3cu denotes connection vector of the user, sI denotes an item score vector given by all the users, su denotes the score vector that composed by all the items score given by a user, y2I denotes the item latent features vector, y2u denotes the user latent feature vector, y3u denotes the connected user vector, y3I denotes the connected item vector, w3 denotes the weight, and b3 denotes the bias.

    (6) Feature fusion layer

    The user feature matrix and the item feature matrix are fused in this layer. The final score matrix can be obtained by the fusion operation by using the formula:

    y4=f4((y3uy3I)w4+b4) (9)

    Where, denotes the inner product operation, w4 denotes the weight, b4 denotes the bias, and f4 denotes the activate function. The ReLU is used in this layer.

    RBM is generally suitable for processing the binary data. Many scholars have proposed a series of variant algorithms of RBM to deal with the real valued data. The Gaussian Binary RBM (GRBM) is used in the paper to deal with the score data. GRBM is the earliest RBM variant model for real value data. The traditional visible layer units are regarded as Gaussian variables with diagonal covariance. The energy function can be defined as:

    E(v,h)=mi=1nj=1viσiωikhjnj=1bjhjmi=1(vici)22σi2 (10)

    Where, v denotes the feature vector of the visible layer, h denotes the feature vector of the hidden layer, E(v, h) denotes the energy function, ω denotes the connection weight between visible layer and hidden layer, b and c denote the bias of visible layer and hidden layer respectively. σi denotes variance of the unit i in the visible layer, m denotes unit number in visual layer, and n denotes unit number in hidden layer. When either visible layer or hidden layer in GRBM is fixed, the conditional probability distribution of the other layer can be calculated as follows:

    P(vi|h)=1σi2πexp(12σ2i(viciσijωijhj)) (11)
    P(hj=1|v)=s(iviσiωij+bj) (12)

    Where, s(x)=11+exp(x) is the activated function.

    P(vi|h) can be described as N(σijωijhj+ci,σ2i). That is, it is a Gaussian distribution, with mean σijωijhj+ci and the variance σ2.

    We jointly train the two sub-modules. The contrastive divergence (CD) algorithm is used in the paper to train the model. The gradient of the parameters (ω,b,c,σ) can be calculated according to the formulae (12)–(15).

    Δωij=ε(Di=1viσihjdataDi=1viσihjmodel)N (13)
    Δbj=ε(Di=1hjdataDi=1hjmodel)N (14)
    Δci=ε(Di=1vidataσiDi=1vimodelσi)N (15)
    Δσi=εD(Di=1((vidataci)2σ3inj=1vimodelωijhjdatalσ2i)Di=1((vidataci)2σ3inj=1vimodelωijhjmodelσ2i)) (16)

    Where, D denotes Sample number of the training set, ε denotes the learning rate, vidata denotes the data variance, vimodel denotes the variance predicted by the model, hidata denotes the hidden layer data, himodel denotes the hidden layer data predicted by the model, vidata denotes visual layer data, and himodel denotes the visual layer data predicted by the model.

    The model detailed training process is as follows.

    Table 1.  Training process of the model.
    Input: Train dataset
    Output: the parameters ω, b, c, σ
    Step 1: Use the word2vec to get the text matrix. And normalize the score matrix using formula (1).
    Step 2: Initialize all the parameters ω, b, c, σ.
    For t = 1 to epoch
    Step 3: Do the convolution operation according to formula (2)
    Step 4: Do the pooling operation according to formula (4)
    Step 5: Calculate y2 according to formula (5)
    Step 6: Calculate y3u, y3I according to formulae (6) and (7) and get the items and users latent feature.
    Step 7: Calculate y4 according to formula (8)
    Step 8: Calculate the probability according to formula (11)
    Step 9: Calculate the probability according to formula (12)
    Step10: Calculate according to formulae (13)–(16) to get the gradient ωij, bi, ci, σi
    ωij=ωij+ωij
    bi=bi+bi
    ci=ci+ci
    σi=σi+σi
    End for

     | Show Table
    DownLoad: CSV

    The data sets used in this paper are Movielnes 1M and Moviellens 10M. MovieLens collects a large number of users' movie evaluation data, which is suitable for the experiment and comparative analysis of recommendation algorithms. The dataset is mainly composed of user, rating, movie and other information, which at present is one of the commonly used dataset of the recommendation algorithms. The ratings.dat file contains user rating information, the file movies.dat contains the movie information, and the file users.dat contains the users' information. The user information includes userid, gender, age, profession and so on. The movie information includes movie id, name, movie type, some introduction. The rating data concludes the ratings given by users, it is the integers between 1 and 5. The rating 0 means that users did not rate the movie. The detailed information of the datasets is summarized in Table 2.

    Table 2.  The datasets used in the experiment.
    Dataset Number of users Number of items Number of scores
    Movielens 1M 6039 3544 993482
    Movielens 10M 69878 10073 9945875

     | Show Table
    DownLoad: CSV

    There are many evaluation indexes for the recommendation algorithm. The mean absolute error (MAE) and root mean square error (RMSE) are used in this paper. The MAE is calculated between the predicted value and the user's actual rating value. The MAE can well reflect the actual situation of the predicted value. The smaller the MAE value the higher is the recommended accuracy. The calculation is done by using following formula:

    MAE=Di=1|piri|D (17)

    Where, pi denotes the predicted score, ri denotes the actual score, and D denotes the number of samples.

    In general, the MAE value is relatively small, but in the case of high error dispersion or outliers, RMSE is magnified because RMSE squares the deviation. RMSE is sensitive to large or small errors and can better reflect the accuracy of the predicted values, which is helpful to discover the existence of the abnormal value. The smaller the RMSE value, the better the recommendation effect. The RMSE is calculated by using formula:

    RMSE=1Di=Di=1(piri)2 (18)

    In order to verify the performance of the algorithm, it is compared with hybrid recommendation algorithms based on RBM model. The R-CRBM [35], Real UI-RBM [16], TDA-RBM [13] and S-RBM [17] are selected to perform the contrast experiments in this paper.

    (1) R-CRBM: The visible layer is a real-value conditionally constrained Boltzmann machine model. The model uses conditions on the user's rate items.

    (2) Real UI-RBM: This model is RBM model based on the real value. The visible layer of this model can directly be represented by real value data, and the missing score data does not participate in the training.

    (3) TDA-RBM: The trust and distrust relationship were introduced into the recommendation system.

    (4) RBM: This model is based on the real-value RBM model which improves the CD learning algorithm, and its input training data is the original score matrix.

    (5) The model proposed in this paper.

    All the experiments are carried out under the Win10 system, using Python coding. The computer is powered by an Intel Core I5 processor with 3.15 GHz frequency and 8 GB memory. The RBM part of the algorithm is constructed by TensorFlow. Set the number of neurons in the hidden layer as 20, the learning rate as 0.8 and calculate the MAE and RMSE. The results of the experiment are shown in Figures 2 and 3.

    Figure 2.  RMSE comparison of different hybrid recommendation algorithms based on RBM.
    Figure 3.  MAE comparison of different hybrid recommendation algorithms based on RBM.

    Experimental results show that the RMSE and MAE values of S-RBM and R-CRBM algorithms are the largest, and the recommendation accuracy is the lowest, because these two algorithms only consider the score matrix. The RMSE and MAE values of TDA-RBM and Real UI-RBM algorithms are better than those of S-RBM and R-CRBM, because they consider the trust relationship between the users and the underlying characteristics of the project. The algorithm proposed in this paper shows the best performance on both RMSE and MAE, since the latent characteristics of the user information and the project information are considered in the deep learning algorithm, which provides more accurate recommendation results.

    In order to explain the influence of the user text information and the item text information on recommendation performance, we analyzed the influence of the maximum document length on RMSE value and MAE value. The experimental results are shown in Figures 4 and 5. It is evident from Figures 3 and 4 that when the maximum length of the item document is smaller, the value of RMSE and MAE is higher whereas, the accuracy is lower. When the maximum length of the project document gradually increases, the value of RMSE and MAE gradually reduces Whereas, when the maximum length of the project document Max length reaches 300, the value of RMSE and MAE instead begin to increase. It is speculated that with the increase in the text length, the noise in the text increases leading to decrease in model accuracy.

    Figure 4.  MAE value with different text length.
    Figure 5.  RMSE value with different text length.

    The modified hybrid recommendation algorithm based on GRBM is proposed in this paper. The text information of the items and the users are used in this algorithm. The word2vec is used to change the text data into numerical data. The CNN is used to get the latent feature of the text information. The latent feature vectors are fused with the score vector to get the user-item matrix. The GRBM is used to predict the user score. The similarity of the items and the users are considered in the algorithm which gives better recommendation performance. The result of the experiments indicates that by taking the user information and the item information into account in the scoring process improves the recommendation accuracy. Thus, we conclude that the text information used in the algorithm model helps to improve the recommendation performance. There are some shortcomings in this model. The data sparsity was not taken into account in the model. And this may affect the performance of the model. In the future, we will study the effect of data sparsity in the model and improve performance of the model.

    This work was supported by the National Numerical Wind Tunnel Project, the Doctoral Fund of the Southwest University of Science and Technology (13ZX7102) and the Sichuan Science and Technology Program (Nos. NO.2021YJ0334).

    The authors declare that there is no conflict of interest.



    [1] L. Qi, C. H. Hu, X. Y. Zhang, M. R. Khosravi, S. Sharma, S. N. Pang, et al., Privacy-aware data fusion and prediction with spatial-temporal context for smart city industrial environment, IEEE Trans. Ind. Inf., 17 (2021), 4159–4167. https://doi.10.1109/TII.2020.3012157 doi: 10.1109/TII.2020.3012157
    [2] Y. Tian, R. Zheng, Z. Liang, S. Li, F. X. Wu, M. Li, A data-driven clustering recommendation method for single-cell RNA-sequencing data, Tsinghua Sci. Technol., 26 (2021), 772–789. https://doi.10.26599/TST.2020.9010028 doi: 10.26599/TST.2020.9010028
    [3] L. Shen, Q. Liu, G. Chen, S. Ji, Text-based price recommendation system for online rental houses, Big Data Min. Anal., 3 (2020), 143–152. https://doi.10.26599/BDMA.2019.9020023 doi: 10.26599/BDMA.2019.9020023
    [4] L. Qi, W. Lin, X. Zhang, W. Dou, X. Xu, J. Chen, A correlation graph based approach for personalized and compatible Web APIs recommendation in mobile APP development, IEEE Trans. Knowl. Data Eng., 2022 (2022). https://doi.10.1109/TKDE.2022.3168611
    [5] P. Nitu, J. Coelho, P. Madiraju, Improvising personalized travel recommendation system with recency effects, Big Data Min. Anal., 4 (2021), 139–154. https://doi.10.26599/BDMA.2020.9020026 doi: 10.26599/BDMA.2020.9020026
    [6] T. Li, C. Li, J. Luo, L. Song, Wireless recommendations for Internet of vehicles: Recent advances, challenges, and opportunities, Intell. Converged Networks, 1 (2020), 1–17. https://doi.10.23919/ICN.2020.0005 doi: 10.23919/ICN.2020.0005
    [7] Z. Y. Ji, M. D. Wu, H. Yang, J. E. A. Í ñ igo, Temporal sensitive heterogeneous graph neural network for news recommendation, Future Gener. Comput. Syst., 125 (2021), 324–333. https://doi.10.1016/j.future.2021.06.007
    [8] A. H. Nabizadeh, J. P. Leal, H. N. Rafsanjani, R. R. Shah, Learning path personalization and recommendation methods: A survey of the state-of-the-art, Expert Syst. Appl., 159 (2020), 1–20. https://doi.10.1016/j.eswa.2020.113596 doi: 10.1016/j.eswa.2020.113596
    [9] C. F. Xu, J. Feng, P. P. Zhao, F. Z. Zhuang, D. Wang, Y. Liu, et al., Long-and short-term self-attention network for sequential recommendation, Neurocomputing, 423 (2021), 580–589. https://Doi.10.1016/j.neucom.2020.10.066
    [10] J. Zhang, B. Qin, Y. F. Zhang, J. H. Zhou, H. W. Wang, A knowledge extraction framework for domain-specific application with simplified pre-trained language model and attention-based feature extractor, Serv. Oriented Comput. Appl., 16 (2022), 121–131. https://doi.10.1007/s11761-022-00337-5 doi: 10.1007/s11761-022-00337-5
    [11] G. Hinton, A practical guide to training restricted Boltzmann machines, Momentum, 9 (2010), 926–947.
    [12] C. Wang, Q. M. Li, Research on hybrid recommendation algorithm based on restricted Boltzmann machine and term frequency-inverse document frequency, J. Nanjing Univ. Sci. Technol., 45 (2021), 551–557. https://doi.10.14177/j.cnki.32-1397n.2021.45.05.005 doi: 10.14177/j.cnki.32-1397n.2021.45.05.005
    [13] C. H. Hu, X. Q. Tong, W. Liang, The real-valued restricted Boltzmann machine recommendation algorithm based on trust-distrust relationship, Syst. Eng. Theory Pract., 39 (2019), 1817–1830. https://doi.10.12011/1000-6788-2018-2504-14 doi: 10.12011/1000-6788-2018-2504-14
    [14] W. B. Wang, L. C. Zhang, Q. Xu, A recommendation algorithm based on restricted Boltzmann machine, J. Harbin Univ. Sci. Technol., 25 (2020), 62–67. https://doi.10.15938/j.jhust.2020.05.009 doi: 10.15938/j.jhust.2020.05.009
    [15] D. P. He, W. Y. Zhang, H. Huang, A hybrid recommendation algorithm based on multi-source information clustering and IRC-RBM, Comput. Eng. Sci., 42 (2020), 1089–1095. https://doi.10.3969/j.issn.1007-130X.2020.06.107 doi: 10.3969/j.issn.1007-130X.2020.06.107
    [16] L. L. Pei, An improved real UI-RBM collaborative filtering recommendation algorithm, Ph.D thesis, Lan Zhou University, 2016.
    [17] K. Georiev, P. Nakov, A non-IID framework for collaborative filtering with restricted Boltzmann machine, in Proceedings of the 30th International Conference on Machine Learning, (2013), 1148–1156.
    [18] Y. Xue, Y. K. Wang, J. Y. Liang, A. Slowik, A self-adaptive mutation neural architecture search algorithm based on blocks, IEEE Comput. Intell. Mag., 16 (2021), 67–78. https://doi.10.1109/MCI.2021.3084435 doi: 10.1109/MCI.2021.3084435
    [19] Y. Xue, P. Jiang, F. Neri, A multiobjective evolutionary approach based on graph-in-graph for neural architecture search of convolutional neural networks, Int. J. Neural Syst., 31 (2021), 1–17. https://doi.10.1142/S0129065721500350 doi: 10.1142/S0129065721500350
    [20] D. O'Neill, B. Xue, M. Zhang, Evolutionary neural architecture search for high-dimensional skip-connection structures on densenet style networks, IEEE Trans. Evol. Comput., 25 (2021), 1118–1132. https://doi.10.1109/TEVC.2021.3083315 doi: 10.1109/TEVC.2021.3083315
    [21] B. Jang, M. Kim, G. Harerimana, S. Kang, J. W. Kim, Bi-LSTM model to increase accuracy in text classification: Combining Word2vec CNN and attention mechanism, Appl. Sci., 10 (2020), 1–14. https://doi.10.3390/app10175841 doi: 10.3390/app10175841
    [22] S. H. Yu, D. L. Liu, W. F. Zhu, Y. Zhang, S. M. Zhao, Attention-based LSTM, GRU and CNN for short text classification, J. Intell. Fuzzy Syst., 39 (2020), 333–340. https://doi.10.3390/app10175841 doi: 10.3390/app10175841
    [23] F. Xu, J. Luo, M. W. Wang, G. D. Zhou, Speech-driven end-to-end language discrimination toward chinese dialects, ACM Trans. Asian Low Resour. Lang. Inf. Process., 19 (2020), 1–23. https://doi.10.1145/3389021 doi: 10.1145/3389021
    [24] Y. S. Zhao, Y. X. Duan, Convolutional neural networks text classification model based on attention mechanism, J. Appl. Sci., 37 (2019), 541–550. https://doi.10.3969/j.issn.0255-8297.2019.04.011 doi: 10.3969/j.issn.0255-8297.2019.04.011
    [25] G. Kim, I. Choi, Q. L. Li, J. Kim, A CNN-Based Advertisement recommendation through real-time user face recognition, Applied Sci., 11 (2021). https://doi.10.3390/app11209705
    [26] Y. J. Yan, G. Yu, X. B. Yan, Online doctor recommendation with convolutional neural network and sparse inputs, Comput. Intell. Neurosci., 2020 (2020), 1–10. https://doi.10.1155/2020/8826557 doi: 10.1155/2020/8826557
    [27] Z. F. Liao, H. Y. Yang, T. H. Song, S. Yu, X. F. Qi, Developer project recommendation model based on CNN-LSTM in GitHub, Acta Electron. Sin., 48 (2020), 2202–2207. https://doi.10.3969/j.issn.0372-2112.2020.11.015 doi: 10.3969/j.issn.0372-2112.2020.11.015
    [28] K. Saraswathi, V. Mohanraj, Y. Sruesh, J. Senthilkumar, A hybrid multi-feature semantic similarity based online social recommendation system using CNN, Int. J. Uncertainty Fuzziness Knowl. Based Syst., 29 (2021), 333–352. https://doi.10.1142/S0218488521400183 doi: 10.1142/S0218488521400183
    [29] X. L. Shen, C. H. He, X. F. Meng, Research on hybrid recommendation algorithm of restricted Boltzmann machine and weighted Slope One, Appl. Res. Comput., 37 (2020), 684–687. https://doi.10.19734/j.issn.1001-3695.2018.08.0619 doi: 10.19734/j.issn.1001-3695.2018.08.0619
    [30] D. Q. Du, F. Zhou, Hybrid collaborative filtering algorithm based on TimeRBM and item attribute clustering, Appl. Res. Comput., 35 (2018), 239–353. https://doi.10.3969/j.issn.1001-3695.2018.02.007 doi: 10.3969/j.issn.1001-3695.2018.02.007
    [31] R. J. Kuo, J. T. Chen, An application of differential evolution algorithm-based restricted Boltzmann machine to recommendation systems, J. Int. Technol., 21 (2020), 701–712. https://doi.10.3966/160792642020052103008 doi: 10.3966/160792642020052103008
    [32] Y. P. Du, C. Q. Yao, S. H. Huo, J. X. Liu, A new item-based deep network structure using a restricted Boltzmann machine for collaborative filtering, Front. Inf. Technol. Electron. Eng., 18 (2018), 658–666. https://doi.10.1631/FITEE.1601732 doi: 10.1631/FITEE.1601732
    [33] F. He, N. Li, Z. G. Zhang, Recommendation algorithm based on restricted Boltzmann machine and item type, in Proceedings of the 2018 3rd International Conference on Automation, Mechanical Control and Computational Engineering (AMCCE 2018), (2018), 238–244. https://dx.doi.org/10.2991/amcce-18.2018.42
    [34] Z. X. Chen, W. Q. Ma, W. Dai, W. K. Pan, Z. Ming, Conditional restricted Boltzmann machine for item recommendation, Neurocomputing, 385 (2020), 269–277. https://doi.10.1016/j.neucom.2019.12.088 doi: 10.1016/j.neucom.2019.12.088
    [35] J. Y. He, B. Ma, Based on real-valued conditional restricted Boltzmann machine and social network for collaborative filtering, Chin. J. Comput., 39 (2016), 183–195. https://doi.10.11897/SP.J.1016.2016.00183 doi: 10.11897/SP.J.1016.2016.00183
  • This article has been cited by:

    1. Chang Xu, Lei Zhao, Haojie Wen, Yiding Zhang, Lingxian Zhang, A novel cascaded multi-task method for crop prescription recommendation based on electronic medical record, 2024, 219, 01681699, 108790, 10.1016/j.compag.2024.108790
    2. R. Kirubahari, S. Miruna Joe Amali, An improved restricted Boltzmann Machine using Bayesian Optimization for Recommender Systems, 2024, 15, 1868-6478, 1099, 10.1007/s12530-023-09520-1
  • Reader Comments
  • © 2022 the Author(s), licensee AIMS Press. This is an open access article distributed under the terms of the Creative Commons Attribution License (http://creativecommons.org/licenses/by/4.0)
通讯作者: 陈斌, bchen63@163.com
  • 1. 

    沈阳化工大学材料科学与工程学院 沈阳 110142

  1. 本站搜索
  2. 百度学术搜索
  3. 万方数据库搜索
  4. CNKI搜索

Metrics

Article views(2132) PDF downloads(76) Cited by(2)

Other Articles By Authors

/

DownLoad:  Full-Size Img  PowerPoint
Return
Return

Catalog