Next Article in Journal
FFT-Based Probability Density Imaging of Euler Solutions
Previous Article in Journal
Underwater Wavelength Attack on Discrete Modulated Continuous-Variable Quantum Key Distribution
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Dual-Tower Counterfactual Session-Aware Recommender System

1
College of Information Science and Technology, Northeast Normal University, Changchun 130117, China
2
Key Laboratory of Symbolic Computation and Knowledge Engineering of Ministry of Education, Jilin University, Changchun 130012, China
*
Author to whom correspondence should be addressed.
Entropy 2024, 26(6), 516; https://doi.org/10.3390/e26060516
Submission received: 14 May 2024 / Revised: 6 June 2024 / Accepted: 12 June 2024 / Published: 14 June 2024
(This article belongs to the Section Complexity)

Abstract

:
In the complex dynamics of modern information systems such as e-commerce and streaming services, managing uncertainty and leveraging information theory are crucial in enhancing session-aware recommender systems (SARSs). This paper presents an innovative approach to SARSs that combines static long-term and dynamic short-term preferences within a counterfactual causal framework. Our method addresses the shortcomings of current prediction models that tend to capture spurious correlations, leading to biased recommendations. By incorporating a counterfactual viewpoint, we aim to elucidate the causal influences of static long-term preferences on next-item selections and enhance the overall robustness of predictive models. We introduce a dual-tower architecture with a novel data augmentation process and a self-supervised training strategy, tailored to tackle inherent biases and unreliable correlations. Extensive experiments demonstrate the effectiveness of our approach, outperforming existing benchmarks and paving the way for more accurate and reliable session-based recommendations.

1. Introduction

As e-commerce and content streaming services grow increasingly sophisticated, the pursuit of personalized user experiences has propelled the advancement of information theory applications within these domains. This has given rise to the burgeoning field of next-item prediction in session-based recommendation systems (SBRSs), where concepts drawn from entropy and information-theoretic frameworks are now being used to augment personalization strategies [1,2]. Standard session-based recommendations leverage current user interactions within sessions to predict next items. However, next-item prediction has evolved into a more comprehensive approach with the evolution of session-aware recommendation systems (SARSs) [3], which integrate the understanding of users’ static long-term preferences alongside dynamic short-term preferences within a session. This evolution has sparked a growing scholarly interest since it poses additional complexities in unraveling how long-term and short-term preferences collectively shape the user’s choices for the next item within a session [4].
Despite the popularity of this research area, current methodologies predominantly employ machine learning models focused on recognizing patterns of correlations present in the data [5]. Such a practice often culminates in models that inadvertently learn spurious correlations and are susceptible to biases like selection bias, leading to suboptimal performance [6]. A notable shortfall in these works is the underrepresentation of the causal relationships between preferences and user choices, necessitating a paradigm shift in how recommendations are approached. Moreover, extant studies minimally explore the exact role of static long-term preferences within session-aware recommendations. Typically, these preferences are merely considered an external data source from which deep learning techniques extract potentially useful features, without a causal perspective on their effect and significance [1,2].
Prompted by these challenges, our work is motivated by the need to reconceptualize session-aware recommendations by examining the causal relationships between static long-term and dynamic short-term preferences and their resultant impact on the next-item choice from a causal viewpoint. By adopting a causal lens, we aim to strengthen the robustness of predictive models against unreliable correlations, thereby enhancing performance. Furthermore, our work delves into the practical role that static long-term preferences play by addressing counterfactual questions such as “how likely is the static long-term preference to make a difference on the next-item selection in a session”.
In this paper, we introduce a novel perspective by dissecting and analyzing the effects of static long-term preferences on next-item prediction tasks in session-aware recommendations from a counterfactual causal framework [7]. This framework paves the way for a deeper understanding of the intricate dynamics at play and the development of a counterfactual learning model tailored for this task. The model is designed to mitigate the learning of spurious correlations and data biases, thereby providing a more reliable and accurate recommendation system. Additionally, from a technical standpoint, we propose a dual-tower architecture alongside a counterfactual-enhanced data augmentation approach to refine the training process inspired by the recent works in counterfactual learning [8], aiming to develop an unbiased predictor for counterfactual questions using two decoder models for factual and counterfactual data. This approach is inspired by the 2016 ICML work of Johansson et al. [9] that utilizes domain adaptation for outcome prediction (i.e., next-item prediction in our work) across different treatment conditions (i.e., static long-term preferences of factual and counterfactual sessions in our work), encouraging similar representations of contextual variables (i.e., similar dynamic short-term preferences in our work). This representation-based counterfactual learning methodology [8,9] has successfully been applied to graph learning, causal learning, and recommender systems. This study further incorporates a novel self-supervised learning loss to augment the learning mechanism instead of the additional balance loss in [8,9] to align the representations of dynamic short-term preferences [5]. In essence, our primary contributions are as follows.
Contribution 1: We introduce a counterfactual causal framework specifically tailored for session-aware recommender systems. This innovative framework is designed to decipher the complex influence of static long-term preferences and is a step towards understanding user behavior in session-aware scenarios more profoundly. Unlike traditional machine learning/deep learning models, which aim to fit associative patterns in the data, the DTC model leverages causal learning and counterfactual learning to capture robust causal relationships in predicting users’ next-item choices. Our approach minimizes the risk of the model learning biased associations.
Contribution 2: At a technical level, we have conceptualized a novel dual-tower architecture that adeptly balances factual sessions and counterfactual sessions, which, when combined with our counterfactual data augmentation procedure, effectively mitigates the inherent biases often present in typical recommender systems. Our counterfactual data augmentation is pioneering in this domain, creating factual–counterfactual sessions that embed significant causal relationships. The dual-tower structure allows for simultaneous prediction of factual and counterfactual sessions, incorporating multi-task learning to identify causal relationships in the augmented data. We also expand the self-supervised loss methodology to encapsulate counterfactuals, leveraging repeated user interactions with items in sessions as a signal for dynamic short-term preference.
Contribution 3: The efficacy of our proposed methodologies has been substantiated through extensive experimentation, wherein our model has exhibited superior performance over several benchmarks and existing state-of-the-art systems. These experiments not only reinforce the validity of our contributions but also provide a robust framework for future explorations into refining recommendation strategies. Specifically, in Section 4.2, we compare the DTC model with state-of-the-art and representative models, affirming superior performance. Section 4.3 provides an ablation study to decipher the contributions of the counterfactual framework, data augmentation, dual-tower architecture, and self-supervised learning. We further discuss our model’s limitations in addressing dynamic short-term preferences in Section 4.4.

2. Related Work

2.1. Session-Aware Recommender Systems

Session-aware recommender systems have emerged as an advanced variant of the traditional session-based recommender systems, augmenting the predictive prowess by assimilating users’ long-term preferences with their spontaneous inclinations within active sessions [3]. This deliberate integration attempts to bridge the gap in the predictive narrative that SBRSs leave untold by solely relying on intra-session interactions [10].
The standard SBRSs are designed to forecast the users’ next interest item based on active session data. Initial methods like Markov Chain-based models and Recurrent Neural Network (RNN)-based models have predominantly focused on modeling the items’ sequential patterns within a session [11,12,13,14,15]. However, these models operate under a strong sequential dependency assumption, which often does not reflect the multifaceted nature of user–item interactions. This incongruence calls into question the effectiveness of RNNs in environments where the order of interactions may not be strictly linear or highly correlated.
In pursuit of refining SBRSs, latent-factor-based models are proposed for learning better representations [16,17,18,19]. In recent years, attention-based models have been introduced to ascertain the relevance of each item within the session context for more accurate next-item predictions [4,20,21]. Through this mechanism, models assign varying weights to items, targeting those with a higher propensity to influence the user’s subsequent choice. Even so, such systems exhibit a propensity to favor popular items, which leads to a biased recommendation landscape that marginalizes less prevalent items.
Recently, graph neural networks (GNNs) have been widely adopted in SBRSs to decipher the intricate item transitions within sessions [22,23]. GNNs stand out by effectively capturing the complex item transition patterns, surpassing the capabilities of traditional sequence-based approaches. Despite their ingenuity, the standard GNN applications in SBRSs continue to overlook critical user-specific information, like long-term preferences, not readily deducible from session interactions.
Contrastingly, session-aware systems like Hierarchical Recurrent Neural Network (HRNN) models and II-RNN squarely address this by encoding user sessions and items separately before unifying their representations for item prediction [24,25]. Other models delve into historical interactions to extract a user’s immutable long-term preference, contributing to a more holistic recommendation system.
However, our work stands distinct in aiming to decipher the causality behind the interplay of static long-term preferences, dynamic short-term preferences, and their joint influence on next-item selection within SARSs. The proposed model within this paper employs counterfactual learning to methodically unravel these causal relationships.

2.2. Counterfactual Learning for Recommender Systems

Counterfactual learning for recommender systems has been pivotal in tackling a slew of inherent biases and shortcomings within the recommendation process [26,27]. Debiasing efforts like the MACR (model-agnostic counterfactual reasoning) framework specifically target the ubiquity of popularity bias in recommender systems [28]. Similarly, initiatives like the CR model address the distortion sustained from clickbait bias, providing recommendations that transcend misleading engagement metrics [29].
Furthermore, the sparsity of user–item interactions has been addressed by papers proposing novel data augmentation techniques to enhance sequential recommendation quality [30,31,32,33]. Counterfactual reasoning has also been leveraged to provide explainability in recommendations, as well as to promote fairness based on causal notions, essentially advocating for a more equitable recommendation system [34,35].
Our work aligns with a recent model named COCO, where counterfactual learning methods are employed to account for out-session causes such as promotional events [5]. Unique to our work is the approach that uses counterfactual learning methodologies to scrutinize the role of static long-term preferences in the next-item prediction task within SARS. Additionally, COCO is grounded in the hypothesis: “If an item (i.e., the next item) appears in the context of the target session, the user is more likely to select the item due to the ISCs (i.e., the dynamic short-term preference of the user in this session)” [5]. Our current study extends this hypothesis to encompass counterfactual sessions. Specifically, under the condition of similar dynamic short-term preferences ensured by the Counterfactual Interactions Matching method, an item appearing in either the factual or counterfactual session implies a higher likelihood of selection by the user. This sheds new light on a relatively underexplored facet of recommendation systems and underscores the need to discern the subtle mechanisms shaping user preferences and their decision-making processes in e-commerce platforms and beyond.

3. Method

3.1. Problem Statement

In our research, we articulate the set of users with the notation U = { u 1 ,   ,   u | U | } and the set of items by V = { v 1 ,   ,   v | V | } within a dataset. For each user u U , they have engaged with a sequence of user–item interactions, which are chronicled as a list delineating the items involved in these interactions. When delving into the domain of session-aware recommender systems (SARSs), these user interactions are organized into a sequence of sessions. Each session encapsulates a list detailing a user’s interactions nested within a compact timeframe. We designate a session using the symbol s = { v 1 s ,   ,   v t s } , where the subscript assigned to each item within s signifies its sequence of occurrence during the session. The primary objective of a SARS involves forecasting the subsequent interaction in a focal session s concretely, predicting the next item v t + 1 s . This prediction is grounded on accessible knowledge and information such as the user’s preferences and the contextual dynamics of the session.
In the realm of counterfactual learning, attention is centered upon three pivotal variables: context, treatment, and outcome [8]. That is, provided the context of a data point, our interest lies in the alteration of the outcome when a treatment shifts from an observed reality (often referred to as the ‘factual’) to an unobserved alternative (known as the ‘counterfactual’), which in turn informs us about the change in the outcome (known as the individual causal effect). Within the scenario of our study, considering a session (i.e., a data point), we perceive the observed session s as the context—a reflection of u’s dynamic short-term preference. The treatment is conceived as the user u’s static long-term preference, and the outcome is embodied by the next item v t + 1 s of the session s.

3.2. Overview of the Proposed Framework

This section introduces our novel counterfactual session-aware recommender system model, which we refer to as the Dual-Tower Counterfactual Session-based Recommender System, abbreviated as DTC-SBRS or simply DTC. The DTC model is designed to harness a causal model to construct more robust causal relationships within the data. Its objective is to mitigate the model’s acquisition of unreliable correlational information, thereby enhancing the performance of the recommendation system. The core idea of the causal model is to guide the learning of causal relationships within the dataset by addressing the counterfactual question: “How likely does the static long-term preference influence the selection of the next item in a session?” The DTC model comprises several key steps:
(1) 
Counterfactual Interactions Matching: Initially, for each session in the training set, we generate a corresponding counterfactual session utilizing the nearest neighbor matching to enhance the training data.
(2) 
Self-supervised-based Dual-Tower Counterfactual Learning: This stage employs the idea of data augmentation to train the model, which involves using the original sessions (known as factual sessions) from the training set along with counterfactual sessions generated through the Counterfactual Interactions Matching step. The recommendation model being trained utilizes an attention-based architecture and features a dual-tower structure. This dual-tower approach encourages parallel learning of both factual and counterfactual sessions, promoting the model to discern causal relationships by contrasting the different static long-term preferences between factual and counterfactual sessions. Specifically, one tower targets the prediction of the next item in the factual session, while the other tower focuses on the next item in the counterfactual session. Multi-task learning strategies are applied to assimilate the counterfactual insights from both factual and counterfactual sessions. To further motivate the model to learn the different static long-term preferences and their causal effects on next-item selection, our paper proposes a novel training objective function based on self-supervised learning. The main concept is to control dynamic short-term preferences and the causal relationship between these preferences and the next-item decision. Under these conditions, distinct static long-term preferences of factual and counterfactual sessions lead to varied choices of the next item.
(3) 
Intervention-based Counterfactual Recommendation: The DTC model integrates ideas from collaborative filtering and counterfactual inference to predict the next item in a target session. Conventionally, collaborative filtering techniques would first identify a small quantity of neighbor sessions, or similar sessions, within the dataset that are akin to the target session. The items from these neighbor sessions are then predicted as the potential next items for the target session. The challenge with this approach, however, lies in its heavy reliance on the computation method for session similarity. Since SARSs must consider finding similar sessions with comparable dynamic short-term and static long-term preferences, the task becomes challenging, often resulting in the retrieval of noisy data or similar sessions laden with disproportionately popular items. Building on this, our research introduces an Intervention-based Counterfactual Recommendation method founded on the principles of counterfactual inference. Specifically, for a similar session s derived from the dataset for the target session s, we employ counterfactual inference to hypothesize: what would be the next item for s if the static long-term preference was the same as that of the user corresponding to s. This counterfactual inference-based next-item prediction is anticipated to closely align with the actual next item in the target session s, compared to direct predictions based on s and its associated user’s long-term preference.
The forthcoming subsections will delve into the specifics of each part of the DTC model.

3.3. Counterfactual Interactions Matching

The aim of ‘Counterfactual Interactions Matching’ is to generate augmented data to train the model proposed in this paper. From a causal perspective, our core idea at this stage is to acquire a pair of data points that share the same context variable (in this case, the dynamic short-term preference reflected in the session) but differ in their treatment (in this case, the static long-term preference associated with the user of the session) and the outcome (which is the next item in the session). This is arranged so that by comparing the variation in outcome under different treatment conditions, we can understand the causal relationships within the data.
Specifically, for each session s in the training set (referred to as the factual session), with an associated user u, we search the training set for one of the most similar sessions from a different user u , denoted as session s (referred to as the counterfactual session). The formula for calculating the similarity between sessions is as follows:
s i m ( s ,   s ) = | s     s | | s     s |
We then obtain s as follows:
s = argmax s s i m ( s ,   s )
Since s originates from another user u , the treatment variable for s differs from that of s (meaning s and s have different static long-term preferences). However, since s and s are similar, their dynamic short-term preferences are nearly identical. Under this design, s and s serve as a pair of sessions with similar context (dynamic short-term preference) and outcomes (the next items in the session) but different treatments (static long-term preference).
By applying the method described above to every session s in the training set to compute a corresponding counterfactual session s , we merge all factual sessions from the training set with the generated counterfactual sessions to obtain an enhanced training dataset.

3.4. Self-Supervised-Based Dual-Tower Counterfactual Learning

The goal of this section is to train a recommendation system model that can learn the causal relationships within the model. Specifically, we propose two approaches to achieve this objective:
The first approach is for the model to learn the causal relationships between static long-term preferences, dynamic short-term preferences, and next items by comparing the factual and counterfactual sessions in the augmented dataset. To this end, we designed a neural network model with a dual-tower structure, where each tower is dedicated to learning the data distribution of either factual or counterfactual sessions. Both towers have identical structures and share parameters, implemented using attention-based neural networks. The dual-tower framework is depicted in Figure 1.
Modeling User Preferences: We use a user’s embedding to represent static long-term preference, denoted as h ( u ) = e u R d . The calculation for dynamic short-term preference h ( s ) is as follows:
h ( s ) = a t t e n t i o n ( a v g ( E ( s ) ,   E ( s ) ,   E ( s ) ) )
Here, E ( s ) R | s | × d is the matrix of embeddings corresponding to all interactions within s, and a v g is a function to calculate the average of vectors. The attention neural network a t t e n t i o n ( q ,   K ,   V ) is defined as follows:
a t t e n t i o n ( q ,   K ,   V ) = i α ( q ,   K i ) × V i ,
with q R d and K ,   V R d × l representing matrices made of l vectors. Attention scores λ are computed as follows:
α ( q ,   K i ) = s o f t m a x i ( K i · q T / d ) .
Next-Item Prediction: Given a pair of a factual session s and its corresponding counterfactual session s , we predict the next item for both s and s :
p ( v | s ,   u ) = δ ( E H s , u T ) p ( v | s ,   u ) = δ ( E H s , u T )
Here, v and v represent the variables for the next item of s and s , respectively, E R | V | × d is the matrix of embeddings for all items, and the softmax function δ ( x ) i is defined as follows:
δ ( x ) i = e x i j = 1 | x | e x j .
Since the model needs to predict the next item for both factual and counterfactual sessions, and the model used for prediction is symmetrical in structure and parameters, we describe the model as having a dual-tower structure. H in the above equations is computed as follows:
H s , u = λ h ( s ) + ( 1 λ ) h ( u ) ,
where
λ ( h ( s ) ,   h ( u ) ) = 1 / ( 1 + e W T ( h ( s ) h ( u ) e v ) + b )
This represents the weight of dynamic short-term preference, with 1 λ as the weight for static long-term preference. W R d and b R are learnable parameters, ‖ denotes the vector concatenate operation, and e v signifies the embedding of item v.
Training Dual-Tower Model with Cross Entropy Loss: Next-item prediction can be viewed as a multi-class classification problem predicting the probability of all items being the next item. For both factual and counterfactual sessions, we use Cross Entropy Loss as the objective function for the two prediction targets of the dual-tower:
L 1 = 1 | S | s S { [ log p ( v = v + s | s ) + v s V , v s v + s log ( 1 p ( v = v s | s ) ) ] + ϵ [ log p ( v = v + s | s ) + v s V , v s v + s log ( 1 p ( v = v s | s ) ) ] } ,
where S is the set of all factual sessions in the training set, v + s and v + s are the real next-items of s and s , respectively, v s and v s are next-items obtained through random negative sampling, and ϵ is the weight of prediction for counterfactual session.
Self-supervised Learning for the DTC Model: By training the above-mentioned dual-tower model using both factual and counterfactual sessions, we can analyze next-item selections under contrasting static long-term preferences, keeping the dynamic short-term preference constant. However, this overlooks another significant factor influencing users’ next-item selections, namely how users decide on next-items based on dynamic short-term and static long-term preferences. For example, in certain session scenarios, users might only consider static long-term preferences, leading to unrelated items within the same session. Thus, the second approach to enhancing the model’s performance is to propose a loss function based on self-supervised learning to assist the model in learning the causal relationships included among the dynamic short-term preference, static long-term preference, and next-item variables.
Specifically, we introduce a self-supervised loss to aid the model in learning the attention weights measuring the importance of dynamic short-term preference and static long-term preference in the dual-tower model, namely the λ values from the equations above. Our approach is inspired by the hypothesis presented in the WWW 2023 study [5], which asserts that “If an item (i.e., the next item) appears in the context of the target session, the user is more likely to select the item due to the inner-session causes (i.e., dynamic short-term preferences within this session).” Our research broadens this hypothesis to include counterfactual sessions. Under the premise of matching dynamic short-term preferences facilitated by the Counterfactual Interactions Matching method, we assume that when the real next-item is present in either the factual or counterfactual session, the weight of dynamic short-term preference should be greater, and conversely, the weight of static short-term preference should be smaller. This hypothesis draws from real-world observations across various domains such as music recommendations and online shopping. In these fields, users frequently engage with specific items over time, like repeatedly listening to a favored song [36]. Such repetitive interactions highlight a user’s preference over a given period, exemplifying a dynamic short-term preference that can be effectively modeled to enhance recommendation accuracy. Consequently, we posit that the presence of the actual next item in either the factual or counterfactual session should result in a higher weight for dynamic short-term preference, and conversely, the weight of dynamic short-term preference should be smaller. Based on this, we define the following pseudo-label to guide the training of λ within the DTC model:
y ( v ,   s ) = 1 [ v s or v s ] ,
where 1 [ c o n d i t i o n ] is defined as follows:
1 [ c o n d i t i o n ] = 1 , if c o n d i t i o n is True , 0 , if c o n d i t i o n is False .
Based on this assumption, we calculate the self-supervised loss as follows:
L 2 = 1 | S | s S B C E ( λ ,   y ( v + s ,   s ) ) + B C E ( ( 1 λ ) ,   y ( v + s ,   s ) )
where B C E is the Binary Cross Entropy, defined as follows:
B C E ( x ,   y ) = y · log x + ( 1 y ) · log ( 1 x )
Finally, we combine L 1 , the loss for training the model to predict the next-item from the augmented data, with L 2 , the loss helping the model to learn the causal relationships among users’ dynamic short-term preference, static long-term preference, and next-item variables, to form the DTC model’s loss function:
L = L 1 + β L 2 ,
where β [ 0 ,   1 ] is a trade-off parameter.
Discussion: The dual-tower structure conceptually originates from the work presented at ICML 2022 [8], aiming to develop an unbiased predictor for counterfactual questions using two decoder models for factual and counterfactual data. This approach is inspired by the 2016 ICML work [9] that utilizes domain adaptation for outcome prediction (i.e., next-item prediction in our work) across different treatment conditions (i.e., static long-term preferences of factual and counterfactual sessions in our work), encouraging similar representations of contextual variables (i.e., similar dynamic short-term preferences in our work). This representation-based counterfactual learning methodology [8,9] has successfully been applied to graph learning, causal learning, and recommender systems. In our study, we opt for a self-supervised loss (Equation (10)) instead of an additional balance loss as in [8,9] to align the representations of dynamic short-term preferences.

3.5. Intervention-Based Counterfactual Recommendation

The objective of this section is to enhance the model’s performance in the prediction phase through counterfactual inference. In our work, we apply a collaborative filtering framework to predict the next item for a target session s, and we introduce counterfactual interventions for unreliable neighbor sessions found in the dataset by the collaborative filtering model.
Traditional collaborative filtering methods directly use the items from neighbor sessions as the next-item prediction for s. However, this approach often yields neighbor sessions that are not similar to s, primarily because traditional methods compute session similarity by considering only the interactions within s, neglecting the long-term preferences of the user associated with s. In this paper, we propose a method based on counterfactual inference to calculate neighbor sessions that are similar to the current session. The neighbor sessions obtained by this method are generated by the model rather than those observed by traditional methods. Therefore, we can control the generation process of neighbor sessions to produce sessions that are similar to the target session while also considering diversity, thus improving the performance of collaborative filtering.
Specifically, given a target session s, we first identify the K most similar neighbor sessions s i S , i [ 1 ,   K ] from the training set by calculating session similarity, along with their corresponding users u i N s ( u ) , where N s ( u ) represents the set of users from s’s neighbor sessions. Next, we use the DTC model introduced in the previous section to answer the counterfactual question, “How would user u select the next item in session s?” by calculating the following formula:
p ( v | s ,   u )
Subsequently, we predict the next item for s using the following formula:
p ( v | s ,   u ) = 1 C u i N s ( u ) s i m ( s ,   s i ) × p ( v | s ,   u i ) ,
where C is the normalization factor.
This method leverages the precision of individual user preferences and the power of collaborative filtering to yield a more refined, counterfactually informed prediction for the next item in the target session.

4. Experiments

4.1. Experimental Settings

Baseline Algorithms: Our comprehensive comparison includes a spectrum of pioneering session-based and sequential recommendation systems, each underpinned by distinct computational paradigms including collaborative filtering, state-of-the-art recurrent networks, attentional, memory-augmented, and graph-based neural networks. Specifically, our ambit entails five session-based recommendation systems (SBRSs)—SKNN, GRU4Rec, STAMP, CSRM, and SRGNN—paired with six session-aware recommendation systems (SARSs) that encompass both enduring long-term user preferences and the dynamic nature of short-term preferences. These systems comprise HGRU, II-RNN, SASRec, BERT4Rec, INSERT, and COCO, each contributing a unique approach for gleaning insights from user interaction data.
  • SKNN: This straightforward model introduces a collaborative angle to the context of sessions, homing in on items from sessions that share similarities with the active session, much like comparing neighborhoods to find the best result [37].
  • GRU4Rec: Unpacking the sequence of choices a user makes, GRU4Rec brings into use gated recurrent units within an RNN to capture the patterns of a user’s evolving interests during a session [13].
  • STAMP: STAMP employs an innovative memory-based neural network enhanced with attention mechanisms to pinpoint precise user desires at a given moment, using this focus to guide the next-item recommendation [38].
  • CSRM: A memory-neural-network-based SBRS that uses attention networks to learn session similarities and make recommendations based on neighbor sessions and their similarities [39].
  • SRGNN: A graph-neural-network-based SBRS that represents sessions as graphs and employs a graph neural network to recommend items based on item transition patterns extracted from the graph [23].
The following five SARSs consider both static long-term preference and dynamic short-term preference:
  • HGRU: HGRU employs a hierarchical RNN where one RNN models sequential patterns in the session context, and the other RNN learns a user’s preferences across their sessions [24].
  • II-RNN: II-RNN utilizes information from the most recent session to complement and initialize the RNN modeling the target session [25].
  • SASRec: SASRec is a self-attention-based sequential RS designed to model users’ interaction sequences. In this work, we concatenate all interactions of each user to form user sequences [40].
  • BERT4Rec: BERT4Rec is a deep bidirectional self-attention-based sequential RS model. BERT4Rec adopts the Cloze objective and predicts an item based on its context and the user’s historical interactions [41].
  • INSERT: INSERT is an SBRS that considers both users’ static long-term preferences and short-term preference in sessions. It is designed for next-item recommendations in short sessions based on few-shot learning and meta-learning [10].
  • COCO: COCO is a state-of-the-art SARS and utilizes counterfactual learning to learn representations of inner-session causes and outer-session causes for better recommendation performance [5].
Datasets: We conduct experiments on two publicly available real-world datasets used in previous works:
  • Last.fm (Last.fm and Delicious are from https://grouplens.org/datasets/hetrec-2011/, accessed on 1 May 2024.) used in [3] contains logs of users’ music listening behaviors in the Last.fm online music service.
  • Delicious is a dataset that contains user tagging records in a social-network-based bookmarking system named Delicious.
Data Preparation: The process of preparing datasets mirrors the methodologies established in prior research on session-aware recommendation systems [3,5,10,25]. Our approach entails the following steps: initially, we filter out users and items exhibiting less than 10 interactions to remove noise and improve dataset quality. We then organize interactions into sessions based on a clear temporal criterion: if two consecutive interactions occurred within a 6 h timeframe, they are bundled into one session; if not, they are split across two distinct sessions. This is performed to capture meaningful interaction sequences. Sessions that do not provide adequate context for analysis—specifically, those with a single interaction or those with more than twenty—are also discarded. The refinement process aims to create sessions that are optimally sized for effective predictive modeling. Post-preprocessing, we summarize the core characteristics of the datasets as displayed in Table 1.
Evaluation Protocol: Our research adopted a robust 5-fold cross-validation method to ascertain consistently reliable results. The dataset’s session data were randomly segregated into five subsets of equal size. Each fold of the experiment used one of these subsets as the test set, while the remainder formed the training set. This rotation occurred five times to ensure comprehensive testing, and we calculated an average of the outcomes to present our findings. In an effort to eliminate any potential result bias, we standardized folds to include every user and each product in the training set. Furthermore, for the test sets, we randomly extracted half of the sessions to create the validation set. Within each testing session, we sequentially targeted each item, using preceding items as the session’s context for predictions. For every algorithm, we ranked items according to their recommendation scores and identified the top-K products. With these products, we calculated recall@K, NDCG@K, and MRR@K to quantify model effectiveness.
Evaluation Metrics: For performance metrics, we applied recall@K, normalized discounted cumulative gain (NDCG)@K, and Mean Reciprocal Rank (MRR)@K, established ranking measures used widely in the field for evaluating SBRS performance [5,40]. Recall@K measures the proportion of relevant items that are successfully retrieved within the top-K recommendations. It provides insight into the model’s ability to retrieve relevant items. NDCG@K considers the position of relevant items in the top-K recommendations, rewarding placements higher up in the list more heavily. It reflects both the relevance and rank of the recommended items. MRR@K focuses on the rank position of the first relevant item in the top-K recommendation list. Higher MRR@K values indicate that relevant items appear earlier in the recommendations.
Fairness and Robustness: To ensure the fairness of our evaluation, we employed a grid search method over hyperparameters for all models. We start by setting hyperparameters as recommended in the originating research to ascertain optimal performance for each algorithm. By systematically tuning each model, we aimed to minimize biases and provide a level playing field for comparison. We used an early stopping mechanism based on the validation set performance to prevent overfitting. This strategy not only enhances the generalization power of our models but also ensures that the reported performance metrics are reflective of real-world conditions. Our primary focus was the algorithms’ ability to recommend the next item in short sessions, an area where certain SARS models have shown particular strength.
Reproducibility: The key settings for the benchmark algorithms are as follows: KNN selects 500 similar sessions, CSRM utilizes 256 memory slots, II-RNN adopts 50-dimensional embeddings, INSERT considers 10 similar sessions, both SASRec and BERT4Rec implement 2 layers of attention with 2 heads each, and for COCO-SBRS, we apply early stopping contingent on R@20 from the validation set, limiting the process to a maximum of 50 epochs. We set the learning rate at 0.01, the session count at 10, and the trade-off parameter uniformly at 1 for all tests conducted. The implementation of the proposed DTC-SBRS leverages the PyTorch framework along with GPU acceleration to facilitate model training. We employ Xavier Initialization for the random generation of user and item embeddings, a prevalent technique in machine learning.

4.2. Recommendation Performance Evaluation

In the experiments conducted, we performed comparative evaluations to ascertain the efficacy of the newly developed Dual-Tower Counterfactua (DTC) against established session-aware recommender systems (SARSs). The aim was to determine the relative performance enhancements achieved through the implementation of DTC, as documented in our results reflected in Table 2.
Across two distinct datasets, we observed varying levels of performance among the competing algorithms. Notably, the initial subset comprising SKNN, GRU4Rec, STAMP, CSRM, and SR-GNN demonstrated subpar outcomes when placed in juxtaposition with their counterparts. This observation can be attributed to their primary focus on user short-term preference, neglecting static long-term preference. To illustrate, SKNN showed limitations in encapsulating complex item trends and individual user tastes in its similarity computation. STAMP, employing attention neural networks, excelled in distilling insights from sessions populated with less informative items. CSRM’s efficiency is ultimately dependent on its ability to discern session similarities using attention networks while conjointly harnessing a robust session encoding via memory neural networks. GRU4Rec and SR-GNN, each with unique mechanisms to capture sequential and transitional item patterns within sessions, find their performance tethered to the prevalence of these patterns within the dataset.
In contrast, algorithms like HGRU, II-RNN, SASRec, BERT4Rec, INSERT, and COCO extended their analytical purview, incorporating both dynamic short-term preferences and static long-term preference into their operational frameworks. HGRU adeptly adapts to changes in user preferences across consecutive sessions, utilizing a user-level RNN to portray this variability. II-RNN posits a stationary user preference model between sessions, leveraging the latest session data to enrich the contextual understanding of the targeted session. Both SASRec and BERT4Rec expand the interaction sequence to include the session of interest and all prior user interactions, thus harnessing rich data to extricate nuanced preferences utilizing advanced neural networks. INSERT, a leading algorithm for short-session item recommendations, employs a tailored session comparison module to capture insights across user interactions. According to Table 2, INSERT outshines its predecessors concerning most metrics. Nevertheless, it struggles to locate akin sessions within the dataset, especially when grappling with nuanced session-specific and external factors. COCO distinguishes itself by delivering marked advancements in both Recall and NDCG measures, which can be credited to its counterfactual computation model that effectively addresses session similarity challenges arising from sparse data, considering both session-intrinsic and extrinsic factors. Nonetheless, it fails to specifically target static long-term preferences and does not fully exploit counterfactual elements present within the dataset.
In the case of the proposed DTC model, it introduces an innovative approach by generating counterfactual sessions through counterfactual questions, subsequently augmenting the dataset. Leveraging this expanded dataset, the dual-tower structure coupled with multi-task learning empowers the model to discern the intricate causal relationships amongst long-term preferences, dynamic short-term interests, and the next-item predictions. Furthermore, the addition of self-supervised learning fosters a deeper understanding of the causal relationships interwoven between varying parameters.

4.3. Ablation Study

In this experiment, we examined the efficiency of different simplified versions of our DTC model, with the intent of analyzing the impact of each component in our counterfactual framework approach on the task of next-item recommendation.
We introduced three modified versions of the DTC model for our evaluation: (1) DTC w/o CF, which is essentially the principal model without the counterfactual framework, e.g., dual-tower structure, counterfactual data augmentation, and self-supervised learning; (2) DTC w/o dual-tower architecture, merely utilizing factual session data for training by setting the ϵ to zero; (3) DTC w/o SSL, essentially excluding the self-supervised loss as defined in Equation (10).
The comparative results, as provided in Table 3, show the performance metrics for the three simplified DTC models alongside the DTC model across the Delicious and Lastfm datasets. The results reveal that the DTC w/o CF lagged in performance, underscoring the significance of our proposed counterfactual framework. The results suggest that deep learning models, although considering both the static long-term and dynamic short-term user preferences, struggle to accurately model causal relationships within SARSs without the aid of counterfactual insights. It is evident from the worse performances of DTC w/o DT and DTC w/o SSL, when measured against the DTC model, that both the dual-tower structure and the application of self-supervised learning, including counterfactual data augmentation, serve as catalysts in amplifying the efficacy of our proposed DTC framework. Our dual-tower design enhances DTC’s output by engaging in an elaborate analysis of counterfactual learning and fostering the model’s ability to unravel complex causal relationships. Further, the integration of self-supervised learning encourages DTC with refined weights of causal relationships, supporting its capability to discern the true causal interplay amongst established long-term preferences, dynamic short-term interests, and next-item selections.

4.4. Recommendation Performance on Sessions with Different Lengths

In this group of experiments, we evaluate how well different methods perform on session data of varying lengths. Here, “session length” refers to the count of user interactions in a given session. With shorter sessions, there is naturally less behavioral data to extract information, decreasing the likelihood that item selections are influenced by dynamic short-term preferences that are based on recent interactions. The ability of each algorithm to perform across sessions of different lengths gives us insight into their capacity to grasp the relationship between static long-term preference, the dynamic short-term preference, and how these preferences play out in session-aware recommendation systems. We carried out these comparative tests on two distinct datasets, and the outcomes are presented in Figure 2 and Figure 3.
From the graphical data presented, we observe the following: (1) Across both datasets, our DTC model consistently surpasses the baseline approaches in terms of both Recall@20 and NDCG@20 metrics for sessions of length less than five. This confirms DTC’s robust approach to modeling the intricate cause-and-effect within SARS and its ability to sidestep spurious correlations that do not hold true causation. (2) As we analyze sessions with more interactions, a downward trend in DTC’s performance is apparent. The model shows its strengths clearly for sessions with five or fewer interactions. This decline suggests a potential weakness of DTC in harnessing valuable insights from lengthier sessions, potentially due to our choice to use a straightforward attention neural network to capture the dynamic short-term preference. Given these findings, we recommend that for datasets prone to longer sessions, an upgrade from the attention-based mechanism in the DTC to a more advanced session-encoding model would be advantageous for capturing the dynamic short-term preferences.

4.5. Hyper-Parameters Sensitivity Test

In this section, we conduct a set of tests to evaluate the response of the DTC model to changes in the hyper-parameter ϵ . This parameter is crucial as it governs the weights given to actual sessions versus generated counterfactual sessions in the training phase, as outlined in Equation (9).
The findings from these tests are graphically represented in Figure 4. Figure 4 illustrates that the DTC’s effectiveness improves when ϵ is increased up to 0.4, but it starts to drop off when ϵ exceeds this value. These observations suggest that the most effective balance between real and counterfactual session information for the DTC model is achieved when ϵ is set at 0.4.

5. Discussion

In this section, we discuss the characteristics, advantages, and limitations of the DTC model proposed in this work.
Characteristics: The DTC model leverages causal learning to capture the interplay between static long-term preferences, dynamic short-term preferences, and next-item choices, enhancing predictive accuracy in session-aware recommender systems.
Advantages: By focusing on causal rather than associative relationships, the DTC model mitigates the risks of bias inherent in traditional methods, leading to more robust predictions.
Limitations: Although our assumptions about self-supervised learning are based on statistical findings from real-world data, these assumptions may not universally enhance model performance across all domains and datasets. The model design may not align with every scenario. Future work should consider tailoring the assumptions and model design to the specific characteristics of the dataset being used. This could involve adapting the self-supervised learning approach based on the domain’s unique features and user behavior patterns.
Our research primarily focused on the causal relationship between dynamic short-term preferences, static long-term preferences, and next-item recommendations. Thus, modeling user preferences was not the central aspect of this study. We employed basic methods for modeling dynamic short-term preferences and static long-term preferences, such as ignoring the sequential order and time-dependent features of interactions and using simple user embeddings for capturing static long-term preferences. These simplistic approaches are evidently inadequate and might limit the model’s performance. Future studies should explore more sophisticated user preference modeling techniques. Advanced methods that capture the sequential order and temporal characteristics of interactions, as well as enriched user embedding techniques, could significantly enhance the effectiveness of user preference models. Additionally, investigating causal relationships tailored to different user preference modeling approaches could further improve recommendation accuracy.
The DTC-SBRS model’s reliance on sufficient counterfactual data may limit its applicability in scenarios with sparse data or limited user interactions. Exploring advanced data augmentation techniques, leveraging transfer learning, or employing generative models to synthesize counterfactual data could mitigate challenges posed by data sparsity and enhance model robustness.

6. Conclusions

In summary, this paper offers a promising approach to enhancing session-aware recommendation systems through a causal lens. We have introduced a framework and model which, while still at an early stage, shows potential in addressing biases and improving predictions by considering long-term user preferences. Our empirical results demonstrate the DTC model’s superior performance in session-aware recommendation scenarios. The model effectively captures causalities between dynamic short-term, static long-term user preferences, and next-item choice, leading to more accurate and relevant recommendations. The demonstrated improvement in recommendation quality indicates the potential for significant impact when implemented in industrial applications, such as e-commerce platforms, music streaming services, and content recommendation systems. The DTC model’s robust performance on diverse datasets suggests its versatility across different domains.
Looking ahead, further work is needed to fully validate and refine our methods in diverse real-world scenarios. We hope to expand our research to include more varied data and contexts to test the generalizability and effectiveness of our approach. Additionally, we aim to explore the integration of our model with other machine learning techniques to unlock even richer, more personalized user experiences. Our pursuit for a deeper, causal understanding of user preferences in recommendation systems is just beginning, and we invite the research community to join us in this endeavor.

Author Contributions

Conceptualization, W.S.; methodology, W.S.; Software, W.S.; Validation, W.S. and X.X.; Formal analysis, W.S.; Investigation, W.S.; Resources, W.S.; Data curation, curation; Writing—original draft preparation, W.S.; Writing—review and editing, W.S.; Visualization, W.S.; Supervision, W.S.; Project administration, W.S.; Funding acquisition, W.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China under Grant 62307006, and the Fundamental Research Funds for the Central Universities, Northeast Normal University and Jilin University.

Data Availability Statement

No new data were created or analyzed in this study. Data sharing is not applicable to this article.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Wang, S.; Cao, L.; Wang, Y.; Sheng, Q.Z.; Orgun, M.A.; Lian, D. A survey on session-based recommender systems. ACM Comput. Surv. (CSUR) 2021, 54, 1–38. [Google Scholar] [CrossRef]
  2. Wang, S.; Zhang, Q.; Hu, L.; Zhang, X.; Wang, Y.; Aggarwal, C. Sequential/Session-based Recommendations: Challenges, Approaches, Applications and Opportunities. In Proceedings of the 45th International ACM SIGIR Conference on Research and Development in Information Retrieval, Madrid, Spain, 11–15 July 2022; pp. 3425–3428. [Google Scholar]
  3. Latifi, S.; Mauro, N.; Jannach, D. Session-aware recommendation: A surprising quest for the state-of-the-art. Inf. Sci. 2021, 573, 291–315. [Google Scholar] [CrossRef]
  4. Ying, H.; Zhuang, F.; Zhang, F.; Liu, Y.; Xu, G.; Xie, X.; Xiong, H.; Wu, J. Sequential recommender system based on hierarchical attention network. In Proceedings of the IJCAI International Joint Conference on Artificial Intelligence, Stockholm, Sweden, 13–19 July 2018. [Google Scholar]
  5. Song, W.; Wang, S.; Wang, Y.; Liu, K.; Liu, X.; Yin, M. A Counterfactual Collaborative Session-based Recommender System. In Proceedings of the WWW ’23: ACM Web Conference 2023, Austin, TX, USA, 30 April–4 May 2023; pp. 971–982. [Google Scholar] [CrossRef]
  6. Chen, J.; Dong, H.; Wang, X.; Feng, F.; Wang, M.; He, X. Bias and debias in recommender system: A survey and future directions. ACM Trans. Inf. Syst. 2023, 41, 1–39. [Google Scholar] [CrossRef]
  7. Glymour, M.; Pearl, J.; Jewell, N.P. Causal Inference in Statistics: A Primer; John Wiley & Sons: New York, NY, USA, 2016. [Google Scholar]
  8. Zhao, T.; Liu, G.; Wang, D.; Yu, W.; Jiang, M. Learning from counterfactual links for link prediction. In Proceedings of the International Conference on Machine Learning, PMLR, Baltimore, MD, USA, 17–23 July 2022; pp. 26911–26926. [Google Scholar]
  9. Johansson, F.; Shalit, U.; Sontag, D. Learning representations for counterfactual inference. In Proceedings of the International Conference on Machine Learning, PMLR, New York, NY, USA, 20–22 June 2016; pp. 3020–3029. [Google Scholar]
  10. Song, W.; Wang, S.; Wang, Y.; Wang, S. Next-item recommendations in short sessions. In Proceedings of the 15th ACM Conference on Recommender Systems, Amsterdam, The Netherlands, 27 September–1 October 2021; pp. 282–291. [Google Scholar]
  11. Le, D.T.; Fang, Y.; Lauw, H.W. Modeling sequential preferences with dynamic user and context factors. In Proceedings of the Joint European Conference on Machine Learning and Knowledge Discovery in Databases, Riva del Garda, Italy, 19–23 September 2016; pp. 145–161. [Google Scholar]
  12. Rendle, S.; Freudenthaler, C.; Schmidt-Thieme, L. Factorizing personalized markov chains for next-basket recommendation. In Proceedings of the 19th International Conference on World Wide Web, Raleigh, NC, USA, 26–30 April 2010; pp. 811–820. [Google Scholar]
  13. Hidasi, B.; Karatzoglou, A.; Baltrunas, L.; Tikk, D. Session-based recommendations with recurrent neural networks. In Proceedings of the 4th International Conference on Learning Representations, San Juan, PR, USA, 2–4 May 2016; pp. 1–10. [Google Scholar]
  14. Hidasi, B.; Karatzoglou, A. Recurrent neural networks with top-k gains for session-based recommendations. In Proceedings of the 27th ACM International Conference on Information and Knowledge Management, Turin, Italy, 22–26 October 2018; pp. 843–852. [Google Scholar]
  15. Wu, C.Y.; Ahmed, A.; Beutel, A.; Smola, A.J.; Jing, H. Recurrent recommender networks. In Proceedings of the 10th ACM International Conference on Web Search and Data Mining, Cambridge, UK, 6–10 February 2017; pp. 495–503. [Google Scholar]
  16. Cheng, C.; Yang, H.; Lyu, M.R.; King, I. Where you like to go next: Successive point-of-interest recommendation. In Proceedings of the Twenty-Third International Joint Conference on Artificial Intelligence, Beijing, China, 3–9 August 2013. [Google Scholar]
  17. Liu, X.; Liu, Y.; Aberer, K.; Miao, C. Personalized point-of-interest recommendation by mining users’ preference transition. In Proceedings of the 22nd ACM International Conference on Information & Knowledge Management, San Francisco, CA, USA, 27 October–1 November 2013; pp. 733–738. [Google Scholar]
  18. Song, W.; Chen, H.; Liu, X.; Jiang, H.; Wang, S. Hyperbolic node embedding for signed networks. Neurocomputing 2021, 421, 329–339. [Google Scholar] [CrossRef]
  19. Song, W.; Wang, S.; Yang, B.; Lu, Y.; Zhao, X.; Liu, X. Learning node and edge embeddings for signed networks. Neurocomputing 2018, 319, 42–54. [Google Scholar] [CrossRef]
  20. Chen, W.; Cai, F.; Chen, H.; de Rijke, M. A dynamic co-attention network for session-based recommendation. In Proceedings of the 28th ACM International Conference on Information and Knowledge Management, Beijing, China, 3–7 November 2019; pp. 1461–1470. [Google Scholar]
  21. Wang, S.; Xu, X.; Zhang, X.; Wang, Y.; Song, W. Veracity-aware and event-driven personalized news recommendation for fake news mitigation. In Proceedings of the ACM Web Conference 2022, Lyon, France, 25–29 April 2022; pp. 3673–3684. [Google Scholar]
  22. Qiu, R.; Li, J.; Huang, Z.; Yin, H. Rethinking the item order in session-based recommendation with graph neural networks. In Proceedings of the 28th ACM International Conference on Information and Knowledge Management, Beijing, China, 3–7 November 2019; pp. 579–588. [Google Scholar]
  23. Wu, S.; Tang, Y.; Zhu, Y.; Wang, L.; Xie, X.; Tan, T. Session-based recommendation with graph neural networks. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 29–31 January 2019; Volume 33, pp. 346–353. [Google Scholar]
  24. Quadrana, M.; Karatzoglou, A.; Hidasi, B.; Cremonesi, P. Personalizing session-based recommendations with hierarchical recurrent neural networks. In Proceedings of the 11th ACM Conference on Recommender Systems, Como, Italy, 27–31 August 2017; pp. 130–137. [Google Scholar]
  25. Ruocco, M.; Skrede, O.S.L.; Langseth, H. Inter-session modeling for session-based recommendation. In Proceedings of the 2nd Workshop on Deep Learning for Recommender Systems, Como, Italy, 27 August 2017; pp. 24–31. [Google Scholar]
  26. Guo, Z.; Xiao, T.; Wu, Z.; Aggarwal, C.; Liu, H.; Wang, S. Counterfactual learning on graphs: A survey. arXiv 2023, arXiv:2304.01391. [Google Scholar]
  27. Gao, C.; Zheng, Y.; Wang, W.; Feng, F.; He, X.; Li, Y. Causal inference in recommender systems: A survey and future directions. ACM Trans. Inf. Syst. 2024, 42, 1–32. [Google Scholar] [CrossRef]
  28. Wei, T.; Feng, F.; Chen, J.; Wu, Z.; Yi, J.; He, X. Model-agnostic counterfactual reasoning for eliminating popularity bias in recommender system. In Proceedings of the 27th ACM SIGKDD Conference on Knowledge Discovery & Data Mining, Singapore, 14–18 August 2021; pp. 1791–1800. [Google Scholar]
  29. Wang, W.; Feng, F.; He, X.; Zhang, H.; Chua, T.S. Clicks can be cheating: Counterfactual recommendation for mitigating clickbait issue. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval, Virtual Event, 11–15 July 2021; pp. 1288–1297. [Google Scholar]
  30. Zhang, S.; Yao, D.; Zhao, Z.; Chua, T.S.; Wu, F. Causerec: Counterfactual user sequence synthesis for sequential recommendation. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval, Virtual Event, 11–15 July 2021; pp. 367–377. [Google Scholar]
  31. Wang, Z.; Zhang, J.; Xu, H.; Chen, X.; Zhang, Y.; Zhao, W.X.; Wen, J.R. Counterfactual data-augmented sequential recommendation. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval, Virtual Event, 11–15 July 2021; pp. 347–356. [Google Scholar]
  32. Xiong, K.; Ye, W.; Chen, X.; Zhang, Y.; Zhao, W.X.; Hu, B.; Zhang, Z.; Zhou, J. Counterfactual review-based recommendation. In Proceedings of the 30th ACM International Conference on Information & Knowledge Management, Virtual Event, 1–5 November 2021; pp. 2231–2240. [Google Scholar]
  33. Mu, S.; Li, Y.; Zhao, W.X.; Wang, J.; Ding, B.; Wen, J.R. Alleviating spurious correlations in knowledge-aware recommendations through counterfactual generator. In Proceedings of the 45th International ACM SIGIR Conference on Research and Development in Information Retrieval, Madrid, Spain, 11–15 July 2022; pp. 1401–1411. [Google Scholar]
  34. Tan, J.; Xu, S.; Ge, Y.; Li, Y.; Chen, X.; Zhang, Y. Counterfactual explainable recommendation. In Proceedings of the 30th ACM International Conference on Information & Knowledge Management, Virtual Event, 1–5 November 2021; pp. 1784–1793. [Google Scholar]
  35. Li, Y.; Chen, H.; Xu, S.; Ge, Y.; Zhang, Y. Towards personalized fairness based on causal notion. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval, Virtual Event, 11–15 July 2021; pp. 1054–1063. [Google Scholar]
  36. Jannach, D.; Ludewig, M.; Lerche, L. Session-based item recommendation in e-commerce: On short-term intents, reminders, trends and discounts. User Model. User-Adapt. Interact. 2017, 27, 351–392. [Google Scholar] [CrossRef]
  37. Ludewig, M.; Jannach, D. Evaluation of session-based recommendation algorithms. User Model. User-Adapt. Interact. 2018, 28, 331–390. [Google Scholar] [CrossRef]
  38. Liu, Q.; Zeng, Y.; Mokhosi, R.; Zhang, H. STAMP: Short-term attention/memory priority model for session-based recommendation. In Proceedings of the 24th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, London, UK, 19–23 August 2018; pp. 1831–1839. [Google Scholar]
  39. Wang, M.; Ren, P.; Mei, L.; Chen, Z.; Ma, J.; de Rijke, M. A collaborative session-based recommendation approach with parallel memory modules. In Proceedings of the 42nd International ACM SIGIR Conference on Research and Development in Information Retrieval, Paris, France, 21–25 July 2019; pp. 345–354. [Google Scholar]
  40. Kang, W.C.; McAuley, J. Self-attentive sequential recommendation. In Proceedings of the 2018 IEEE International Conference on Data Mining (ICDM), Singapore, 17–20 November 2018; pp. 197–206. [Google Scholar]
  41. Sun, F.; Liu, J.; Wu, J.; Pei, C.; Lin, X.; Ou, W.; Jiang, P. BERT4Rec: Sequential recommendation with bidirectional encoder representations from transformer. In Proceedings of the 28th ACM International Conference on Information and Knowledge Management, Beijing, China, 3–7 November 2019; pp. 1441–1450. [Google Scholar]
Figure 1. The dual-tower structure of the proposed DTC model.
Figure 1. The dual-tower structure of the proposed DTC model.
Entropy 26 00516 g001
Figure 2. Recommendation performance of all methods on sessions with different lengths on Last.fm.
Figure 2. Recommendation performance of all methods on sessions with different lengths on Last.fm.
Entropy 26 00516 g002
Figure 3. Recommendation performance of all methods on sessions with different lengths on Delicious.
Figure 3. Recommendation performance of all methods on sessions with different lengths on Delicious.
Entropy 26 00516 g003
Figure 4. Sensitivity of ϵ on Last.FM.
Figure 4. Sensitivity of ϵ on Last.FM.
Entropy 26 00516 g004
Table 1. The detailed statistical information of the two datasets used in the experiments.
Table 1. The detailed statistical information of the two datasets used in the experiments.
Last.fmDelicious
#sessions591545,772
#interactions38,367249,919
#users11011752
#items7115047
#interactions per user34.85142.65
#interactions per session6.495.46
#sessions per user5.3726.13
Table 2. The evaluation results of all compared methods on two datasets. The metrics used for evaluation are Recall@5 (R@5), Recall@20 (R@20), NDCG@5 (N@5), NDCG@20 (N@20), MRR@5 (M@5), and MRR@20 (M@20). We employ 5-fold cross-validation and report the average values for each metric. Higher values indicate better performance for the evaluation metrics. The best performing method is indicated by bold numbers, while the second-best performing method is indicated by underlined numbers. An asterisk (*) denotes a significant improvement at a significance level of p < 0.05 .
Table 2. The evaluation results of all compared methods on two datasets. The metrics used for evaluation are Recall@5 (R@5), Recall@20 (R@20), NDCG@5 (N@5), NDCG@20 (N@20), MRR@5 (M@5), and MRR@20 (M@20). We employ 5-fold cross-validation and report the average values for each metric. Higher values indicate better performance for the evaluation metrics. The best performing method is indicated by bold numbers, while the second-best performing method is indicated by underlined numbers. An asterisk (*) denotes a significant improvement at a significance level of p < 0.05 .
Last.fmDelicious
R@5 N@5 M@5 R@20 N@20 M@20 R@5 N@5 M@5 R@20 N@20 M@20
SKNN0.2350.1160.0770.5360.2020.1070.1110.0550.0370.2930.1070.055
GRU4Rec0.3310.2380.2070.5420.2980.2280.2340.1720.1510.3900.2160.167
STAMP0.2690.1900.1640.5000.2560.1870.1500.1040.0890.2940.1050.103
CSRM0.3420.2500.2200.5620.3120.2410.1970.1440.1260.3460.1860.141
SR-GNN0.2650.1860.1600.4770.2460.1810.2050.1490.1300.3540.1910.145
HGRU0.3400.2420.2090.5760.3090.2330.2180.1600.1410.3770.2050.156
II-RNN0.3590.2590.2230.5860.3230.2480.2570.1890.1660.4240.2360.183
SASRec0.3460.2060.1410.6510.2010.1780.1930.1300.0710.3850.1840.093
BERT4Rec0.3040.1820.1420.6220.2730.1740.2070.1010.0840.3690.1860.100
INSERT0.3640.2580.2240.5890.3230.2460.2640.1960.1740.4360.2450.191
COCO0.5040.2890.2050.7930.3740.2380.3590.2150.1630.5200.2630.180
DTC0.519 *0.298 *0.2240.814 *0.385 *0.256 *0.385 *0.229 *0.177 *0.564 *0.282 *0.196 *
Table 3. Recommendation performance of DTC and its simplified variants on Delicious and Lastfm. The best performing method is indicated by bold numbers.
Table 3. Recommendation performance of DTC and its simplified variants on Delicious and Lastfm. The best performing method is indicated by bold numbers.
DatasetVariantR@5N@5R@20N@20
Last.fmDTC w/o CF0.3250.2010.6430.292
DTC w/o DT0.5040.2890.7930.374
DTC w/o SSL0.5100.2950.8090.382
DTC0.5190.2980.8140.385
DeliciousDTC w/o CF0.2140.1370.3970.190
DTC w/o DT0.3590.2150.5200.263
DTC w/o SSL0.3330.2060.5230.262
DTC0.3850.2290.5640.282
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Song, W.; Xing, X. Dual-Tower Counterfactual Session-Aware Recommender System. Entropy 2024, 26, 516. https://doi.org/10.3390/e26060516

AMA Style

Song W, Xing X. Dual-Tower Counterfactual Session-Aware Recommender System. Entropy. 2024; 26(6):516. https://doi.org/10.3390/e26060516

Chicago/Turabian Style

Song, Wenzhuo, and Xiaoyu Xing. 2024. "Dual-Tower Counterfactual Session-Aware Recommender System" Entropy 26, no. 6: 516. https://doi.org/10.3390/e26060516

APA Style

Song, W., & Xing, X. (2024). Dual-Tower Counterfactual Session-Aware Recommender System. Entropy, 26(6), 516. https://doi.org/10.3390/e26060516

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