首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 15 毫秒
1.
Sequential recommendation models a user’s historical sequence to predict future items. Existing studies utilize deep learning methods and contrastive learning for data augmentation to alleviate data sparsity. However, these existing methods cannot learn accurate high-quality item representations while augmenting data. In addition, they usually ignore data noise and user cold-start issues. To solve the above issues, we investigate the possibility of Generative Adversarial Network (GAN) with contrastive learning for sequential recommendation to balance data sparsity and noise. Specifically, we propose a new framework, Enhanced Contrastive Learning with Generative Adversarial Network for Sequential Recommendation (ECGAN-Rec), which models the training process as a GAN and recommendation task as the main task of the discriminator. We design a sequence augmentation module and a contrastive GAN module to implement both data-level and model-level augmentations. In addition, the contrastive GAN learns more accurate high-quality item representations to alleviate data noise after data augmentation. Furthermore, we propose an enhanced Transformer recommender based on GAN to optimize the performance of the model. Experimental results on three open datasets validate the efficiency and effectiveness of the proposed model and the ability of the model to balance data noise and data sparsity. Specifically, the improvement of ECGAN-Rec in two evaluation metrics (HR@N and NDCG@N) compared to the state-of-the-art model performance on the Beauty, Sports and Yelp datasets are 34.95%, 36.68%, and 13.66%, respectively. Our implemented model is available via https://github.com/nishawn/ECGANRec-master.  相似文献   

2.
With the information explosion of news articles, personalized news recommendation has become important for users to quickly find news that they are interested in. Existing methods on news recommendation mainly include collaborative filtering methods which rely on direct user-item interactions and content based methods which characterize the content of user reading history. Although these methods have achieved good performances, they still suffer from data sparse problem, since most of them fail to extensively exploit high-order structure information (similar users tend to read similar news articles) in news recommendation systems. In this paper, we propose to build a heterogeneous graph to explicitly model the interactions among users, news and latent topics. The incorporated topic information would help indicate a user’s interest and alleviate the sparsity of user-item interactions. Then we take advantage of graph neural networks to learn user and news representations that encode high-order structure information by propagating embeddings over the graph. The learned user embeddings with complete historic user clicks capture the users’ long-term interests. We also consider a user’s short-term interest using the recent reading history with an attention based LSTM model. Experimental results on real-world datasets show that our proposed model significantly outperforms state-of-the-art methods on news recommendation.  相似文献   

3.
With the rapid development of social media and big data technology, user’s sequence behavior information can be well recorded and preserved on different media platforms. It is crucial to model the user preference through mining their sequential behaviors. The goal of sequential recommendation is to predict what a user may interact with in the next moment based on the user’s historical record of interactive sequence. However, existing sequential recommendation methods generally adopt a negative sampling mechanism (e.g. random and uniform sampling) for the pairwise learning, which brings the defect of insufficient training to the model, and decrease the evaluation performance of the entire model. Therefore, we propose a Non-sampling Self-attentive Sequential Recommendation (NSSR) model that combines non-sampling mechanism and self-attention mechanism. Under the premise of ensuring the efficient training of the model, NSSR model takes all pairs in the training set as training samples, so as to achieve the goal of fully training the model. Specifically, we take the interactive sequence as the current user representation, and propose a new loss function to implement the non-sampling training mechanism. Finally, the state-of-the-art result is achieved on three public datasets, Movielens-1M, Amazon Beauty and Foursquare_TKY, and the recommendation performance increase by about 29.3%, 25.7% and 42.1% respectively.  相似文献   

4.
Graph neural networks (GNNs) have shown great potential for personalized recommendation. At the core is to reorganize interaction data as a user-item bipartite graph and exploit high-order connectivity among user and item nodes to enrich their representations. While achieving great success, most existing works consider interaction graph based only on ID information, foregoing item contents from multiple modalities (e.g., visual, acoustic, and textual features of micro-video items). Distinguishing personal interests on different modalities at a granular level was not explored until recently proposed MMGCN (Wei et al., 2019). However, it simply employs GNNs on parallel interaction graphs and treats information propagated from all neighbors equally, failing to capture user preference adaptively. Hence, the obtained representations might preserve redundant, even noisy information, leading to non-robustness and suboptimal performance. In this work, we aim to investigate how to adopt GNNs on multimodal interaction graphs, to adaptively capture user preference on different modalities and offer in-depth analysis on why an item is suitable to a user. Towards this end, we propose a new Multimodal Graph Attention Network, short for MGAT, which disentangles personal interests at the granularity of modality. In particular, built upon multimodal interaction graphs, MGAT conducts information propagation within individual graphs, while leveraging the gated attention mechanism to identify varying importance scores of different modalities to user preference. As such, it is able to capture more complex interaction patterns hidden in user behaviors and provide a more accurate recommendation. Empirical results on two micro-video recommendation datasets, Tiktok and MovieLens, show that MGAT exhibits substantial improvements over the state-of-the-art baselines like NGCF (Wang, He, et al., 2019) and MMGCN (Wei et al., 2019). Further analysis on a case study illustrates how MGAT generates attentive information flow over multimodal interaction graphs.  相似文献   

5.
Most of the existing GNN-based recommender system models focus on learning users’ personalized preferences from these (explicit/implicit) positive feedback to achieve personalized recommendations. However, in the real-world recommender system, the users’ feedback behavior also includes negative feedback behavior (e.g., click dislike button), which also reflects users’ personalized preferences. How to utilize negative feedback is a challenging research problem. In this paper, we first qualitatively and quantitatively analyze the three kinds of negative feedback that widely existed in real-world recommender systems and investigate the role of negative feedback in recommender systems. We found that it is different from what we expected — not all negative items are ranked low, and some negative items are even ranked high in the overall items. Then, we propose a novel Signed Graph Neural Network Recommendation model (SiGRec) to encode the users’ negative feedback behavior. Our SiGRec can learn positive and negative embeddings of users and items via positive and negative graph neural network encoders, respectively. Besides, we also define a new Sign Cosine (SiC) loss function to adaptively mine the information of negative feedback for different types of negative feedback. Extensive experiments on four datasets demonstrate the proposed model outperforms several existing models. Specifically, on the Zhihu dataset, SiGRec outperforms the unsigned GNN model (i.e., LightGCN), 27.58% 29.81%, and 31.21% in P@20, R@20, and nDCG@20, respectively. We hope our work can open the door to further exploring the negative feedback in recommendations.  相似文献   

6.
Recommender system as an effective method to reduce information overload has been widely used in the e-commerce field. Existing studies mainly capture semantic features by considering user-item interactions or behavioral history records, which ignores the sparsity of interactions and the drift of user preferences. To cope with these challenges, we introduce the recently popular Graph Neural Networks (GNN) and propose an Interest Evolution-driven Gated Neighborhood (IEGN) aggregation representation model which can capture accurate user representation and track the evolution of user interests. Specifically, in IEGN, we explicitly model the relational information between neighbor nodes by introducing the gated adaptive propagation mechanism. Then, a personalized time interval function is designed to track the evolution of user interests. In addition, a high-order convolutional pooling operation is used to capture the correlation among the short-term interaction sequence. The user preferences are predicted by the fusion of user dynamic preferences and short-term interaction features. Extensive experiments on Amazon and Alibaba datasets show that IEGN outperforms several state-of-the-art methods in recommendation tasks.  相似文献   

7.
Graph neural networks have been frequently applied in recommender systems due to their powerful representation abilities for irregular data. However, these methods still suffer from the difficulties such as the inflexible graph structure, sparse and highly imbalanced data, and relatively shallow networks, limiting rate prediction ability for recommendations. This paper presents a novel deep dynamic graph attention framework based on influence and preference relationship reconstruction (DGA-IPR) for recommender systems to learn optimal latent representations of users and items. The entire framework involves a user branch and an item branch. An influence-based dynamic graph attention (IDGA) module, a preference-based dynamic graph attention (PDGA) module, and an adaptive fine feature extraction (AFFE) module are respectively constructed for each branch. Concretely, the first two attention modules concentrate on reconstructing influence and preference relationship graphs, breaking imbalanced and fixed constraints of graph structures. Then a deep feature aggregation block and an adaptive feature fusion operation are built, improving the network depth and capturing potential high-order information expressions. Besides, AFFE is designed to acquire finer latent features for users and items. The DGA-IPR architecture is formed by integrating IDGA, PDGA, and AFFE for users and items, respectively. Experiments reveal the superiority of DGA-IPR over existing recommendation models.  相似文献   

8.
The matrix factorization model based on user-item rating data has been widely studied and applied in recommender systems. However, data sparsity, the cold-start problem, and poor explainability have restricted its performance. Textual reviews usually contain rich information about items’ features and users’ sentiments and preferences, which can solve the problem of insufficient information from only user ratings. However, most recommendation algorithms that take sentiment analysis of review texts into account are either fine- or coarse-grained, but not both, leading to uncertain accuracy and comprehensiveness regarding user preference. This study proposes a deep learning recommendation model (i.e., DeepCGSR) that integrates textual review sentiments and the rating matrix. DeepCGSR uses the review sets of users and items as a corpus to perform cross-grained sentiment analysis by combining fine- and coarse-grained levels to extract sentiment feature vectors for users and items. Deep learning technology is used to map between the extracted feature vector and latent factor through the rating-based matrix factorization model and obtain deep, nonlinear features to predict the user's rating of an item. Iterative experiments on e-commerce datasets from Amazon show that DeepCGSR consistently outperforms the recommendation models LFM, SVD++, DeepCoNN, TOPICMF, and NARRE. Overall, comparing with other recommendation models, the DeepCGSR model demonstrated improved evaluation results by 14.113% over LFM, 13.786% over SVD++, 9.920% over TOPICMF, 5.122% over DeepCoNN, and 2.765% over NARRE. Meanwhile, the DeepCGSR has great potential in fixing the overfitting and cold-start problems. Built upon previous studies and findings, the DeepCGSR is the state of the art, moving the design and development of the recommendation algorithms forward with improved recommendation accuracy.  相似文献   

9.
Recommendation is an effective marketing tool widely used in the e-commerce business, and can be made based on ratings predicted from the rating data of purchased items. To improve the accuracy of rating prediction, user reviews or product images have been used separately as side information to learn the latent features of users (items). In this study, we developed a hybrid approach to analyze both user sentiments from review texts and user preferences from item images to make item recommendations more personalized for users. The hybrid model consists of two parallel modules to perform a procedure named the multiscale semantic and visual analyses (MSVA). The first module is designated to conduct semantic analysis on review documents in various aspects with word-aware and scale-aware attention mechanisms, while the second module is assigned to extract visual features with block-aware and visual-aware attention mechanisms. The MSVA model was trained, validated and tested using Amazon Product Data containing sampled reviews varying from 492,970 to 1 million records across 22 different domains. Three state-of-the-art recommendation models were used as the baselines for performance comparisons. Averagely, MSVA reduced the mean squared error (MSE) of predicted ratings by 6.00%, 3.14% and 3.25% as opposed to the three baselines. It was demonstrated that combining semantic and visual analyses enhanced MSVA's performance across a wide variety of products, and the multiscale scheme used in both the review and visual modules of MSVA made significant contributions to the rating prediction.  相似文献   

10.
Recently, graph neural networks (GNNs) have achieved promising results in session-based recommendation. Existing methods typically construct a local session graph and a global session graph to explore complex item transition patterns. However, studies have seldom investigated the repeat consumption phenomenon in a local graph. In addition, it is challenging to retrieve relevant adjacent nodes from the whole training set owing to computational complexity and space constraints. In this study, we use a GNN to jointly model intra- and inter-session item dependencies for session-based recommendations. We construct a repeat-aware local session graph to encode the intra-item dependencies and generate the session representation with positional awareness. Then, we use sessions from the current mini-batch instead of the whole training set to construct a global graph, which we refer to as the session-level global graph. Next, we aggregate the K-nearest neighbors to generate the final session representation, which enables easy and efficient neighbor searching. Extensive experiments on three real-world recommendation datasets demonstrate that RN-GNN outperforms state-of-the-art methods.  相似文献   

11.
To achieve personalized recommendations, the recommender system selects the items that users may like by learning the collected user–item interaction data. However, the acquisition and use of data usually form a feedback loop, which leads to recommender systems suffering from popularity bias. To solve this problem, we propose a novel dual disentanglement of user–item interaction for recommendation with causal embedding (DDCE). Different from the existing work, our innovation is we take into account double-end popularity bias from the user-side and the item-side. Firstly, we perform a causal analysis of the reasons for user–item interaction and obtain the causal embedding representation of each part according to the analysis results. Secondly, on the item-side, we consider the influence of item attributes on popularity to improve the reliability of the item popularity. Then, on the user-side, we consider the effect of the time series when obtaining users’ interest. We model the contrastive learning task to disentangle users’ long–short-term interests, which avoids the bias of long–short-term interests overlapping, and use the attention mechanism to realize the dynamic integration of users’ long–short-term interests. Finally, we realize the disentanglement of user–item interaction reasons by decoupling user interest and item popularity. We experiment on two real-world datasets (Douban Movie and KuaiRec) to verify the significance of DDCE, the average improvement of DDCE in three evaluation metrics (NDCG, HR, and Recall) compared to the state-of-the-art model are 5.1106% and 4.1277% (MF as the backbone), 3.8256% and 3.2790% (LightGCN as the backbone), respectively.  相似文献   

12.
Unsupervised feature selection is very attractive in many practical applications, as it needs no semantic labels during the learning process. However, the absence of semantic labels makes the unsupervised feature selection more challenging, as the method can be affected by the noise, redundancy, or missing in the originally extracted features. Currently, most methods either consider the influence of noise for sparse learning or think over the internal structure information of the data, leading to suboptimal results. To relieve these limitations and improve the effectiveness of unsupervised feature selection, we propose a novel method named Adaptive Dictionary and Structure Learning (ADSL) that conducts spectral learning and sparse dictionary learning in a unified framework. Specifically, we adaptively update the dictionary based on sparse dictionary learning. And, we also introduce the spectral learning method of adaptive updating affinity matrix. While removing redundant features, the intrinsic structure of the original data can be retained. In addition, we adopt matrix completion in our framework to make it competent for fixing the missing data problem. We validate the effectiveness of our method on several public datasets. Experimental results show that our model not only outperforms some state-of-the-art methods on complete datasets but also achieves satisfying results on incomplete datasets.  相似文献   

13.
When a recommender system suggests items to the end-users, it gives a certain exposure to the providers behind the recommended items. Indeed, the system offers a possibility to the items of those providers of being reached and consumed by the end-users. Hence, according to how recommendation lists are shaped, the experience of under-recommended providers in online platforms can be affected. To study this phenomenon, we focus on movie and book recommendation and enrich two datasets with the continent of production of an item. We use this data to characterize imbalances in the distribution of the user–item observations and regarding where items are produced (geographic imbalance). To assess if recommender systems generate a disparate impact and (dis)advantage a group, we divide items into groups, based on their continent of production, and characterize how represented is each group in the data. Then, we run state-of-the-art recommender systems and measure the visibility and exposure given to each group. We observe disparities that favor the most represented groups. We overcome these phenomena by introducing equity with a re-ranking approach that regulates the share of recommendations given to the items produced in a continent (visibility) and the positions in which items are ranked in the recommendation list (exposure), with a negligible loss in effectiveness, thus controlling fairness of providers coming from different continents. A comparison with the state of the art shows that our approach can provide more equity for providers, both in terms of visibility and of exposure.  相似文献   

14.
Recently, the high popularity of social networks accelerates the development of item recommendation. Integrating the influence diffusion of social networks in recommendation systems is a challenging task since topic distribution over users and items is latent and user topic interest may change over time. In this paper, we propose a dynamic generative model for item recommendation which captures the potential influence logs based on the community-level topic influence diffusion to infer the latent topic distribution over users and items. Our model enables tracking the time-varying distributions of topic interest and topic popularity over communities in social networks. A collapsed Gibbs sampling algorithm is proposed to train the model, and an improved diversification algorithm is proposed to obtain item diversified recommendation list. Extensive experiments are conducted to evaluate the effectiveness and efficiency of our method. The results validate our approach and show the superiority of our method compared with state-of-the-art diversified recommendation methods.  相似文献   

15.
Integrating useful input information is essential to provide efficient recommendations to users. In this work, we focus on improving items ratings prediction by merging both multiple contexts and multiple criteria based research directions which were addressed separately in most existent literature. Throughout this article, Criteria refer to the items attributes, while Context denotes the circumstances in which the user uses an item. Our goal is to capture more fine grained preferences to improve items recommendation quality using users’ multiple criteria ratings under specific contextual situations. Therefore, we examine the recommenders’ data from the graph theory based perspective by representing three types of entities (users, contextual situations and criteria) as well as their relationships as a tripartite graph. Upon the assumption that contextually similar users tend to have similar interests for similar item criteria, we perform a high-order co-clustering on the tripartite graph for simultaneously partitioning the graph entities representing users in similar contextual situations and their evaluated item criteria. To predict cluster-based multi-criteria ratings, we introduce an improved rating prediction method that considers the dependency between users and their contextual situations, and also takes into account the correlation between criteria in the prediction process. The predicted multi-criteria ratings are finally aggregated into a single representative output corresponding to an overall item rating. To guide our investigation, we create a research hypothesis to provide insights about the tripartite graph partitioning and design clear and justified preliminary experiments including quantitative and qualitative analyzes to validate it. Further thorough experiments on the two available context-aware multi-criteria datasets, TripAdvisor and Educational, demonstrate that our proposal exhibits substantial improvements over alternative recommendations approaches.  相似文献   

16.
This paper focuses on personalized outfit generation, aiming to generate compatible fashion outfits catering to given users. Personalized recommendation by generating outfits of compatible items is an emerging task in the recommendation community with great commercial value but less explored. The task requires to explore both user-outfit personalization and outfit compatibility, any of which is challenging due to the huge learning space resulted from large number of items, users, and possible outfit options. To specify the user preference on outfits and regulate the outfit compatibility modeling, we propose to incorporate coordination knowledge in fashion. Inspired by the fact that users might have coordination preference in terms of category combination, we first define category combinations as templates and propose to model user-template relationship to capture users’ coordination preferences. Moreover, since a small number of templates can cover the majority of fashion outfits, leveraging templates is also promising to guide the outfit generation process. In this paper, we propose Template-guided Outfit Generation (TOG) framework, which unifies the learning of user-template interaction, user–item interaction and outfit compatibility modeling. The personal preference modeling and outfit generation are organically blended together in our problem formulation, and therefore can be achieved simultaneously. Furthermore, we propose new evaluation protocols to evaluate different models from both the personalization and compatibility perspectives. Extensive experiments on two public datasets have demonstrated that the proposed TOG can achieve preferable performance in both evaluation perspectives, namely outperforming the most competitive baseline BGN by 7.8% and 10.3% in terms of personalization precision on iFashion and Polyvore datasets, respectively, and improving the compatibility of the generated outfits by over 2%.  相似文献   

17.
18.
Previous federated recommender systems are based on traditional matrix factorization, which can improve personalized service but are vulnerable to gradient inference attacks. Most of them adopt model averaging to fit the data heterogeneity of federated recommender systems, requiring more training costs. To address privacy and efficiency, we propose an efficient federated item similarity model for the heterogeneous recommendation, called FedIS, which can train a global item-based collaborative filtering model to eliminate user feature dependencies. Specifically, we extend the neural item similarity model to the federated model, where each client only locally optimizes the shared item feature matrix. We then propose a fast-convergent federated aggregation method inspired by meta-learning to address heterogeneous user updates and accelerate the convergence of global training. Furthermore, we propose a two-stage perturbation method to protect both local training and transmission while reducing communication costs. Finally, extensive experiments on four real-world datasets validate that FedIS can provide more competitive performance on federated recommendations. Our proposed method also shows significant training efficiency with less performance degradation.  相似文献   

19.
The prevalence of Location-based Social Networks (LBSNs) services makes next personalized Point-of-Interest (POI) predictions become a trending research topic. However, due to device failure or intention camouflage, geolocation information missing prevents existing POI-oriented researches for advanced user preference analysis. To this end, we propose a novel model named Bi-STAN, which fuses bi-direction spatiotemporal transition patterns and personalized dynamic preferences, to identify where the user has visited at a past specific time, namely missing check-in POI identification. Furthermore, to relieve data sparsity issues, Bi-STAN explicitly exploits spatiotemporal characteristics by doing bilateral traceback to search related items with high predictive power from user mobility traces. Specifically, Bi-STAN introduces (1) a temporal-aware attention semantic category encoder to unveil the latent semantic category transition patterns by modeling temporal periodicity and attenuation; (2) a spatial-aware attention POI encoder to capture the latent POI transition pattern by modeling spatial regularity and proximity; (3) a multitask-oriented decoder to incorporate personalized and temporal variance preference into learned transition patterns for missing check-in POI and category identification. Based on the complementarity and compatibility of multi-task learning, we further develop Bi-STAN with a self-adaptive learning rate for model optimization. Experimental results on two real-world datasets show the effectiveness of our proposed method. Significantly, Bi-STAN can also be adaptively applied to next POI prediction task with outstanding performances.  相似文献   

20.
Point-of-interest (POI) recommendation helps users quickly filter out irrelevant POI by considering the spatio-temporal factor. In this paper, we address the problem of check-in preference modeling in POI recommendation, and propose a novel POI recommendation method that depicts user preference by constructing unique hypersphere interest model for each user. Different from existing works, we have done three innovative work. (1) We build a check-in graph and adopt DeepWalk algorithm to learn POI embedding, further aggregating them to obtain a hypersphere interest space with an interest center and interest radius. (2) We established a stacked neural network module by a bidirectional LSTM, a self-attention and a memory network, to grasp memory features contained in check-in histories. (3) We proposed a novel candidate POI filter method that updates ranking score by evaluating the Euclidean distance between the vectors of candidate POI and interest center. We evaluate the performance of our method on the four real-world check-in datasets constructed from Foursquare. The comparison between our method and six baselines demonstrates the outstanding performance on various measurements. Compared to the best baseline method, our method achieves about 50% performance improvement on NDCG. In terms of MRR, Precision and Recall, our method achieves about 37%, 21% and 9% performance improvement over the best baseline method. Further ablation experiments verified the importance and effectiveness of the hypersphere interest model, as removing this component caused significant performance degradation.  相似文献   

设为首页 | 免责声明 | 关于勤云 | 加入收藏

Copyright©北京勤云科技发展有限公司  京ICP备09084417号