1 Introduction

User Identity Linkage (UIL), which aims to recognize the identities (accounts) of the same user across different social platforms, is a challenging task in social network analysis. Nowadays, many users participate in multiple on-line social networks to enjoy more services. For example, a user may use Twitter and Facebook at the same time. However, on different social network platforms, the same user may register different accounts, have different social links and deliver different comments. If different social networks could be integrated together, we could create an integrated profile for each user and achieve better performance in many practical applications, such as link prediction and cross-domain recommendation. So, UIL has recently received increasing attention both in academia and industry.

Most of previous works consider UIL as an one-to-one alignment problem [9, 17, 21, 39], i.e., each user has at most one identity in each social network. Matching models [13, 27], label propagation algorithms [6, 12, 19, 24, 37, 42] and ranking algorithms [17, 21, 34, 41] are commonly used to address this task. These methods generally calculate pairwise similarity between identities and select the most relevant identity pairs according to the similarity score. In more recent works, identity similarity is computed based on user embedding [17, 21, 28, 41], which encodes the main structure of social networks or other features into a low-dimensional and density vector. In most of these methods, each identity pair is matched independently, i.e., one predicted linkage of the identity pair would not be effected by any other.

However, the predicted linkages are inter-dependent and thus have a long-term influence on the subsequent one. This long-term influence is two-fold: (i) if the preceding user identity linking is right, they would bring in positive auxiliary information to guide the following linkage. For example, if two user from two different social networks share the same friends (their friends have been matched), they are more likely to be matched in the subsequent linkage, as shown in Figure 1; (ii) the previously matched user identity could not be chosen in the subsequent matching process according to the one-to-one constraint [9], Although some previous label propagation based works have made primary attempts on using this influence, they just gave the fixed greedy strategy to iteratively select the candidate identity pair [19, 24, 37, 42]. Neither of them re-calculated the pairwise similarity or dynamically adjusted the linkage strategy after each matching step due to the high complexity.

Fig. 1
figure 1

An example of User Identity Linkage. The blue link represents friend relation in social network, and orange line represents matched identity pair. User identity sley (in Foursquare) has two candidate identities in Twitter: sley and sley_1. If considering previously matched information, sley in Foursquare is similar to sley_1 in Twitter because they share more similarity friends

In order to model this long-term influence effectively, we novelly consider UIL as a Markov Decision Process and propose a deep reinforcement learning framework (RLink) to automatically match identities in two different social networks. Figure 2 illustrates the overall RLink process. One state consists of three components, i.e. two social network structures and previously matched identity pairs. According to the current state, the agent performs an action. After the action is performed, the state would be changed at the next time and a reward would be fed to the agent to adjust its policy. Because the action space is large and dynamic in the UIL process, we adapt an Actor-Critic framework [32], in which the actor network generates a deterministic action based on current state and the critic network evaluates the quality of this action-state pair. Concretely, for each state, the actor firstly encodes the network structure and history decisions to a latent vector representation, and then decodes this vector into an action in the identity embedding space. Based on this, our model could generate an identity pair from the candidates automatically.

Fig. 2
figure 2

The Procedure of the proposed RLink of Reinforcement Learning based User Identity Linkage. The blue link represents friend relation in social network, and orange line at state Si represents matched identity pair. At time i, agent generates a pair of matching identities as an action according to current state. After agent performs this action, the state would be changed at time i + 1 and next action can be generated based on Si+ 1

By directly optimizing the overall evaluation metrics, deep RL model performs much better than models with loss functions that just evaluate a particular single decision [14, 39]. However, there are spots of attempts on applying RL in the social network analysis field [11, 26, 31]. To the best of our knowledge, we are the first to design a deep RL model for user identity linkage. Our RL model is able to produce more accurate results by fully exploring the long-term influence of independent decisions.

The contributions of this paper can be summarized as follows:

  • We are the first to consider UIL as a sequence decision problem and innovatively propose a deep reinforcement learning based model for this task, which generates the matching sequence automatically generate.

  • The proposed model makes full use of the previous matched identity pairs which may have the long-term influence on the subsequent linkage. This allows to link user identity from a global perspective.

  • Extensive experiments are conducted on three pairs of real-word datasets to show that our method achieves better performance than the state-of-the-art solutions for user identity linkage.

2 The proposed model

2.1 Preliminary

Let \(\mathcal {G}=(\mathcal {V},\mathcal {E})\) represents an online social network, where \(\mathcal {V}=\{v_{1},v_{2},...,v_{N}\}\) is the set of user identities and \(\mathcal {E}\in \mathcal {V}\times \mathcal {V}\) is the set of links in the network. Given two online social network \(\mathcal {G}^{O}\) (original network) and \(\mathcal {G}^{T}\) (target network), the task of user identity linkage is to identify hidden user identities pairs across \(\mathcal {G}^{O}\) and \(\mathcal {G}^{T}\). Here, we have a set of node pair \(({v_{i}^{O}},{v^{T}_{j}})\) between \(\mathcal {G^{O}}\) and \(\mathcal {G}^{T}\) to represent given alignment information (ground-truth), denoted as \({\mathscr{B}}\) Table 1

Table 1 Notations

In this work, we consider UIL task as a markov decision process in which the linkage agent interacts with environment over a sequence of steps. We use \(s \in \mathcal {S}\) to denote the current state, which consists of the network structure and matched identity pairs. Action denoted as \(a \in \mathcal {A}\) is a pair of identities. The action space of UIL is comprised of all potential identity pairs, the size of which is \(|\mathcal {V}^{O}|\times |\mathcal {V}^{T}|\). At each step, the agent generates an action a based on s, and would receive a reward r(s,a) according to the given alignment information. The goal of RLink is to find a linkage policy \(\pi : \mathcal {S} \leftarrow \mathcal {A}\), which can maximize the cumulative reward for linkage.

Due to the high dimension and dynamic property og action space, the policy-based RL [5, 10] which computes probability distribution of every action and the Q-learning [16, 33] which evaluates the value of each potential action-state pair are time-consuming. To reduce the high computational cost, we adapt the Actor-Critic framework. The actor inputs the current state s and aims to output a deterministic action, while the critic inputs only this state-action pair rather than all potential state-action pairs. The architecture of the Actor-Critic network is shown in Figure 3.

Fig. 3
figure 3

The framework of Actor-Critic network, where the actor is comprised of an Encoder-Decoder architecture and the critic is DQN. The inputs of Actor are history identity pairs and network structure, where history identity pairs were generated by our Actor-Critic network before current epoch (See (4)). Remarkably, h0 is a zero vector. Then this action and current state are input onto the Critic to evaluate the quality of this action

2.2 Architecture of actor network

The goal of our Actor network is to generate an action (one matching identity pair) according to the current state (network structure and history identity pairs). We propose an Encoder-Decoder architecture to achieve this goal.

2.2.1 Encoder for current state

Encoder aims to generate the representation of current state, which contains two types of information: network structure and historical identity pairs. In order to integrate these information, we apply two encoding mechanisms to respectively encode the network structure and the matched pairs, as shown in Figure 3.

In our model, each identity vk (k ∈ (1,N)) is represented as a low dimensional and dense vector, which is denoted as \(\vec u_{k}\) and \(\vec u_{k} \in R^{d}\) (d is the dimension of the identity embedding). These identity embeddings are pre-trained by Node2vec [8]. To represent the social network structure, we weighted sum all identity embedding to generate the network embedding e, which is inspired by [1].

$$ e = \sum\limits_{v_{k}\in \mathcal{V}} \alpha_{k} \vec u_{k}, $$
(1)

where αk denotes the weight of the identity vk. Here, we define αk as \(\frac {\zeta }{\zeta + d(v_{k})}\) (similar to [1]), where ζ is a constant and d(vk) represents the degree of identity vk. We denote the representation of original network and target network as eO and eT, then we concatenate them to produce snet to represent network structure information, where snetR2d. That is:

$$ s^{net} = concat(e^O, e^T). $$

At time t, we need to encode all previously matched identity pairs from time 1 to t − 1 and produce an action sequence {a1,a2, ..., at− 1}. In each action ai (i ∈ [1,t − 1]), the identity from \(\mathcal {G}^{O}\), \(\mathcal {G}^{T}\) are respectively denoted as \({v^{O}_{i}}\) and \({v^{T}_{i}}\), and their embedding representations are denoted as \(\vec {u^{O}_{i}}\) and \(\vec {u^{T}_{i}}\). Besides, we take the feedback of ai, which is denoted as gi, into account. gi is a one-hot vector, in which the value of each dimension is equal to the immediate reward at the corresponding time i. Through a neural network layer, we get the encoding vector of gi as \(\vec g_{i}\):

$$ \vec g_{i} = \varphi(W_{G} g_{i} + b_{G}), $$
(2)

where \(g_{i}\in {R}^{|g|}\) and \(\vec g_{i}\in {R}^{|G|}\), and R|g| is equal to the number of steps in each episode and R|G| depends on the dimension of WG.

Then, we get the representation of one history matched pair at time i by concatenating \(\vec {u^{O}_{i}}, \vec {u^{T}_{i}}\) and \(\vec g_{i}\) which is denoted as xi:

$$ x_{i} = concat(\vec {u^{O}_{i}}, \vec {u^{T}_{i}}, \vec g_{i}). $$
(3)

where the dimensional of xi is |G| + 2d.

In order to capture the long-term influence of the previously matched pairs, we use a Long Short-Term Memory (LSTM) network to encode the history linkage sequence into a fixed-size vector:

$$ h_{i} = LSTM(x_{i}, h_{i-1}), $$
(4)

Furthermore, to distinguish different contributions of the previous actions, we employ attention mechanism [2], which allows model to adaptively focus on different parts of the input:

$$ s^{pair}_{t} = \sum\limits_{i=1}^{t-1}\gamma_{i} h_{i}, $$
(5)

where the dimension of \(s_{t}^{pair}\) is equal to snet, and we leverage an attention mechanism [20] to compute γi from the hidden state hi

$$ {\gamma}_{i} = \frac{exp(w_{\gamma} h_{i} + b_{\gamma})}{{\sum}_{j}exp(w_{\gamma} h_{j} + b_{\gamma})} $$
(6)

Then, the embedding of current state can be represented as follows:

$$ {s}_{t} = s_{t}^{pair} + s^{net}, $$
(7)

where stR2d, \(s^{pair}_{t}\) and snet represent the embedding of history matching information and network structure respectively.

It is noteworthy that, at time 1, the current state just contains two social network structures because there is not matched identity pair. That is to say, h0 = 0, \(s^{pair}_{t}\) is equal to zero vector and st is equal to snet.

Note that, the decoded \(\widetilde {a^{O}_{t}}\) and \(\widetilde {a^{T}_{t}}\) maybe not in the identity embedding space. Thus we need to map them into the real embedding space via the transformation [40]. As mentioned above, the action space is very large. In order to correctly map \(\widetilde {a}_{t}\) into the validate identity, we select the most similar \(\vec u_{t} \in U\) as the valid identity-embedding. In this work, we compute the cosine similarity to get the valid identity in given networks:

$$ v^{O}_{t} = \max_{v^{O} \in \mathcal{V}^{O}} \left( \vec {u^{O}_{t}}\right)^{\mathrm{T}} \cdot \frac{U^{O}}{\| U^{O} \|}, $$
(8)
$$ v^{T}_{t} = \max_{v^{T} \in \mathcal{V}^{T}} \left( \vec {u^{T}_{t}}\right)^{\mathrm{T}} \cdot \frac{U^{T}}{\| U^{T} \|}, $$
(9)

where \(\{{v}_{t}^{O}, {v}_{t}^{T}\}\) represents the valid identity pair at. We pre-compute the value of \(\frac {U^{O}}{\| U^{O} \|} \) and \(\frac {U^{T}}{\| U^{T} \|}\) to decrease the computational cost. Since the alignment identities could not be chosen in the following steps, we ignore those identities if they are correctly matched in the previous steps.

2.2.2 Reward

The agent generates the new identity pair and receives the immediate reward rtm from networks, which is also the feedback of this new identity pair,

$$ r_{tm} = \begin{cases} 1,& a_i \in Groundtruth; \\ -1,& \text{else}, \end{cases} $$
(10)

where Groundtruth is a set of known aligned identity pairs. Since current action result has a long-term impact on subsequent decisions, we introduce a discount factor λ to metric the weight of reward:

$$ r_{t} = \lambda_{t} r_{tm}, $$
(11)

where λt ∈ {0, 1} represents how much influence the action at will generate on the following steps. Simply, λt is defined as \(\frac {1}{\boldsymbol {t}}\), and t represents the current time stamp.

2.3 Architecture of critic network

Critic Network aims to judge whether the action at generated by Actor fits the current state st. Generally, the Critic is designed to learn a Q-value function Q(s,a), while the actor updates its’ parameters in a direction of improving performance to generate next action according to Q(s,a) in the following steps. However, in real UIL, the state and action space is enormous and many state-action pairs may not appear in the real traces, which makes it hard to update their Q-values. Thus, we choose Deep Neural Network as an approximator to estimate the action-value function. In this work, we refer to a neural network as Deep Q-value function (DQN)[22].

Firstly, we need to feed user’s current state s and action a into the DQN. To generate user’s current state s, the agent follows the same strategy from (1) to (6). As for action a, we utilize the same strategy in decoder to compute a low-dimensional dense action vector a. Then, this action is evaluate by the DQN, which returns the Q-value of this state-action pair Q(s,a).

2.4 Training and test

Generally, we utilize DDPG[18] algorithm to train the proposed Actor-Critic framework, which has four neural networks: critic, actor, critic-target and actor-target, where critic-target and actor-target networks are the copy of critic and actor respectively. The Critic is trained by minimizing the mean squared error loss with the corresponding target given by:

$$ L(\beta_{c}) = E_{s, a, R, s'}[(R+\rho Q_{\beta_{c}^{\prime}}(s^{\prime},f_{\theta_{\pi^{\prime}}}(s^{\prime})) -Q_{\beta_{c}}(s, a))^{2}], $$
(12)

where ρ is the discount factor in RL, R is the accumulative reward and \(s^{\prime }\) is the previous state, \(f_{\theta _{\pi ^{\prime }}}(s^{\prime }) = a^{\prime }\). Besides, βc and θπ represent all parameters in Critic and Actor respectively, and \(f_{\theta _{\pi }}\) represents the policy. The Critic is trained from samples stored in a replay buffer[22]. Similarity, actions also stored in the replay buffer generated by the strategy in Actor decoder section. This allows the learning algorithm to dynamic leverage the information of which action was actually executed to train the critic.

The first term \(R+\rho Q_{\beta _{c}^{\prime }}(s^{\prime },f_{\theta _{\pi ^{\prime }}}(s^{\prime }))\) in (9) is the output of target, namely y, for current iteration. And parameters from the previous iteration \( \theta _{\pi ^{\prime }}\) are fixed when optimizing the loss function L(βc). Computing the full expectations’ gradient are not efficient. Thus, we optimize the loss function by Stochastic Gradient Descent (SGD). The derivatives of loss function L(βc) with respective to parameters βc are presented as follows:

$$ \triangledown_{\beta_{c}}L(\beta_{c})= E_{s,a,r,s^{\prime}}[R+\rho Q_{\beta_{c}}(s^{\prime},f_{\theta_{\pi^{\prime}}}(s^{\prime}))-Q_{\beta_{c}}(s, a)\triangledown_{\beta_{c}}Q_{\beta_{c}}(s, a)] $$
(13)

The Actor is updated by using the policy gradient:

$$ \triangledown_{\theta_{\pi}} \approx E_{s}[\triangledown_{a} Q_{\beta_{c}}(s, a)\triangledown_{\theta_{\pi}f_{\theta_{\pi}}}] $$
(14)

The training algorithm for the proposed framework RLink is presented in Algorithm 1. In each iteration, there are two stages, i.e., 1) generating an action (lines 8-11), and 2) parameter updating (lines 13-17). For generating an action, given the current state st, the agent firstly encode current state as a vector (line 8) and then generate a pair of nodes according to this vector (line 9); then the agent observes the reward rt and update state to st+ 1 (line 10); finally the agent stores transitions (st,at,rt,s(t + 1)) into replay buffer \(\mathcal {D}\). For the parameter updating stage: the agent samples mini-batch of transitions \((s,a,r,s^{\prime })\) from \(\mathcal {D}\) (line 13), and then updates parameters of Actor and Critic following a standard DDPG procedure (lines 14-16). Finally, the parameters of target network \(\beta _{c^{\prime }}\) and \(\theta _{\pi ^{\prime }}\) are updated via the soft update way (line 17).

To evaluate the performance of our model, the test procedure is designed as an online test method, which is similar to the action generation stage in the training procedure. After the training procedure, proposed framework RLink learns parameters θπ and βc. In each iteration, the agent generates a pair of identity at following the trained policy \(f_{\theta _{\pi }}\). And then the agent receives the reward rt from networks and updates the state to st+ 1.

figure a

3 Experiment

In this section, we compare our RLink with the state-of-the-art methods on user identity linkage task.

3.1 Experiment setup

3.1.1 Datasets

In order to verify our method in different types of networks, we conduct experiments on the following datasets: Foursquare-Twitter, Last.fm-Myspace and Aminer-Linkedin, which are benchmark datasets in the UIL task. The first dataset is provided by [38] and other datasets are collected by [39]. These datasets are introduced as follows and the statistic information is shown in Table 2 which considers social links as user identities’ feature.

  • Foursquare-Twitter is a pair of social networks, where users share their current location and other information with others.

  • Last.fm-Myspace is a pair of online social networks, where users could search music and share their interested music with others.

  • Aminer-Linkedin is a pair of citation networks which contains users’ academic achievements and users could search interested community.

Table 2 Statistics of experimental datasets

3.1.2 Comparative methods

To evaluate the performance of RLink for user identity linkage, we choose the following state-of-the-art methods for comparison, including:

  • IONE [17] IONE predicts anchor links by learning the followership embedding and followeeship embedding of a user simultaneously.

  • DeepLink [41] DeepLink employs unbiased random walk to generate embeddings, and then use MLP to map users.

  • MAG [34] MAG uses manifold alignment on graph to map users across networks.

  • PAAE [28] PAAE employs an adversarial regularization to capture the robust embedding vectors and maps anchor users with an alignment auto-encoders.

  • SiGMa [14] SiGMa is designed to align two given networks by propagating the confidence score to the matching network. We use the name matching method to generate the seed set and utilize the output scores of SVM as the pairwise similarity. Note that SiGMa is an unsupervised method.

  • SDM: This method is a simpler deep model, which is similar to typical sequence prediction methods [15] and utilizes LSTM to process sequence matching. The matching sequence is generated via ranking the similarity of embedding. At each step i, LSTM predicts an user identity in Target SN based on current user identity embedding and previous hidden information (hi− 1). Finally, the L2 loss would guide the training and testing process of this model.

3.1.3 Evaluation metrics

To perform the user identity linkage, we utilize three standard metrics [29] to evaluate the performance, including Precision@k (P@k), recall and MAP. Note that higher the value for these metrics indicates the better performance.

Precision@k evaluates the linking accuracy, and is defined as:

$$ P@k = {\sum\limits_{i}^{n}} \mathbf{1}_{i}\{\textit{success@k}\}/n, $$
(15)

where 1i{success@k} measures whether the positive matching identity exists in topk(k <= n) list, and n is the number of testing anchor nodes.

The recall is the fraction of the number of real corresponding user pairs that have been found over the total amount of real matched user pairs (Ground-truth \({\mathscr{B}}\)).

$$ Recall = \frac{\textit{success matched pairs}}{\textit{Real user pairs in }\mathcal{B}} $$
(16)

MAP is used for evaluating the ranking performance of the algorithms, defined as:

$$ MAP = (\sum\limits^{n} \frac{1}{ra})/n, $$
(17)

where ra is the rank of the positive matching identity and n is the number of testing anchor nodes.

3.1.4 Hyper-parameter setting

For each pair of networks, we first resort the ground truth data set by identity number and then use the first r as the training data and the remaining 1 − r as the testing data, where r means the training ratio. The dimension of the identity embedding is set to 128, and the sizes of inputs for encoder and decoder are the same, i.e., |U| = |G| = 128. And the weighting parameter ζ is fixed to 10− 3. For parameters in Actor, the number of LSTM cell units is set to 256 and batch size is 64. In Critic, the number of hidden layer is 4. The batch size in replay buffer is 64 and we set 200 sessions in each episode. Besides, in training procedure, we set learning rate η = 0.001, discount factor ρ = 0.9, and the rate of target networks soft update τ = 0.001. When evaluating the sensitively of one of hyper-parameters, other hyper-parameter are set to the optimal one.

3.2 Comparisons and analysis

We compare our proposed RLink model with the following recent user identity linkage methods. Note that SiGMa, SDM and RLink are prediction methods which determine whether two user identities from original and target are matched or not. Therefore, the evaluation of those methods becomes P@k = P@1 = MAP. From Table 3, we can see that:

  • RLink is significantly better than previous user identity linkage methods. This demonstrates that our method which considers UIL as a sequence decision problem and makes decisions from a global perspective is useful. Besides, reinforcement learning based methods, which learns to directly optimize the overall evaluation metrics, performs better than other deep learning methods, such as DeepLink and PAAE.

  • SDM and SiGMa achieve higher precision than other baselines, which demonstrates that considering the influence of previous matched information is beneficial for UIL task. Although SigMa achieves the highest precision on Last.fm-Myspace, it suffers from a low recall due to its fixed greedy matching strategy. By contrast, SDM and RLink promote approximately 30% and 40% recall over SigMa on respectively, which proves previous matched result has a long-time impact on the subsequent matching process.

  • IONE, PAAE and DeepLink perform better than MAH and MAG, which means that considering more structural information, such as followership/ followee-ship and global network structure, could achieve higher precision. Besides, the precision of PAAE and DeepLink are higher than IONE, which demonstrates that considering global network structure and utilizing deep learning model could improve the performance of UIL.

  • Besides, we note that all methods perform better on Aminer-Linkedin than Last.fm-Myspace, maybe because the scale of the training data in Aminer-Linkedin is larger.

Table 3 Performance comparison on user identity linkage

3.3 Discussion

3.3.1 Parameter sensitivity

In this section, we analyze the sensitivity of three parameters which are different K in P@K, training ratio r and embedding dimension d. The performance for those parameters on all three testing datasets is similar. We present the performance on Twitter-Foursquare due to the limited spaces.

Precision on different K.

For different K in P@K, we report the precision of different methods on variable K between 1 and 30, as shown in Figure 4a. RLink outperforms all the comparison methods consistently and significantly given different @K settings. IONE performs better than MAG and MAH, showing that constructing the incidence matrices of the hypergraph could fail to differentiate the follower-ship and followee-ship. Both RLink and DeepLink perform better than MAG, MAH and IONE, showing that deep learning methods could extract more node features for UIL than traditional methods. The precision of most of the testing methods increases significantly with the rise of K until K = 20, indicating that most of ranking methods can match identity in Top − 20.

Fig. 4
figure 4

Detailed Performance Comparison on Twitter-Foursquare Dataset

Precision on different training ratio r.

For different training ratios, we report the Precision@30 of different methods on variable training ratios between 10% and 90%. RLink outperforms all the comparison methods when the ratio increase to 60%. The ratio of anchor nodes used for training greatly affects the performance of RLink. Especially for ratio settings as 60% to 70%, the performance enhancement is significant. While the results show that with the increase of training data, the precision of UIL firstly increases significantly and then does not increase drastically as the ratio increases to 70%. And the comparative methods achieve good performance when the training ratio is around 90%, which demonstrates the robust adaptation of our RLink. Besides, from Figure 4b, we found that DeepLink performs better than RLink when the training ratio is less then 40%, indicating that RLink might need more train dataset than DeepLink.

Precision on different embedding dimension d.

According to Figure 4c, both MAG and MAH achieve good performance when the dimensionality is around 800, while RLink, IONE and DeepLink achieve good performance when the dimensionality is around 100. The complexity of the learning algorithm highly depends on the dimensionality of the subspace. And low dimensional representation also leads to an efficient relevance computation [17]. Therefore, we conclude that RLink, IONE and DeepLink are significantly more effective and efficient than MAH and MAG. Besides, RLink achieves the best results when the dimensionality is bigger than 80.

3.3.2 Evaluation of actor-critic framework

In this paper, we use DDPG algorithm to train the RLink model. To evaluate the effectiveness of the Actor-Critic framework, we compare the performance of DDPG with DQN. From Figure 5, we can see that DQN performs similar to DDPG, but the training speed of DQN is much slower. As shown in Figure 5a, DQN needs 1200 iterations to converge, which is almost four times of the iterations DDPG needs. In Linked-Aminer, as shown in Figure 5b, both DDPG and DQN need more training iterations, i.e., 750 and 2000 episodes respectively, when the size of action space increase to 4153 × 4153. Besides, DQN performs worse than it does in Last.fm-Myspace, which demonstrates that DQN is not suitable for the large action space. In summary, DDPG achieves more accuracy and faster training speed than DQN, which indicates that Actor-Framework is suitable for UIL with enormous action space.

Fig. 5
figure 5

Comparison between DDPG and DQN: The x-axis shows the training episodes. The y-axis shows the total reward of each episode. Red line represents DDPG and green Line is DQN

3.3.3 Effect of long-term reward

To evaluate the effectiveness of long-term reward, we compare it with an immediate reward via Q-value performance. Q-value performance is a judgment of whether a suits s. From Figure 6, we can find that both long-term and immediate reward would converge to a similar value, but the Q-value of immediate reward increases first and then decreases. The higher Q-value in the training procedure indicates that the immediate reward may get trapped in a local optimum. By contrast, the long-term reward allows our model to make decisions from a global perspective and the Q-value converge smoothly.

Fig. 6
figure 6

Q-value performance with different reward on Last.fm-Myspace and Linkedin-Arminer. The x-axis shows the training episodes. The y-axis shows the normalize Q-value of each session. The value of immediate reward is equal to 1/ − 1, while long-term reward is \(\frac {1}{t}/\frac {-1}{t}\)

3.3.4 Effectiveness of RLink components

This experiment is designed to validate the effectiveness of main components in the Actor network, including the input features, attention layer, LSTM layer, action transformer and decoder. We systematically eliminate the corresponding component and define the following variants of RLink.

  • RLinkLINE (RLink with LINE as pre-trained embedding method): This variant replace the pre-trained embedding method Node2vec by LINE [35] to evaluate the diversity of different pre-trained identity embeddings.

  • RLink-FEED (RLink without feedback information): This variant is to evaluate the feedback fed into the Encoder. So, we just use the representation of matched identity pair as the history matching information.

  • RLink-LSTM (RLink without LSTM layer): This variant is designed to evaluate the contribution of LSTM layer. We replace the LSTM layer by simple fully-connected layer.

  • RLink-ATT (RLink without attention machine): This variant is designed to evaluate the contribution of the attention layer. So, we remove the attention machine after the LSTM layer.

  • RLink-TRANS (RLink without transformer layer): In this variant, we replace the action transformer component by fully-connected layer to evaluate its effectiveness.

  • RLinkMLP (RLink utilizes MLP as decoder): In this variant, we replace the single neural network (NN) layer in the decoder by MLP to evaluate the effective of NN layer.

The results are shown in Table 4. We can find that RLinkLINE adapts LINE to pre-train user identity embedding vectors, which achieves similar performance to RLink. This phenomenon indicates that the pre-trained identity embeddings could not have great influence on the performance of UIL. RLink-FEED performs the worst among all variants, which demonstrates that the feedback information significantly promotes the performance of our model. RLink-LSTM performs worse than RLink, which suggests that capturing the long-term memory of the history matched information by LSTM is very beneficial for the subsequent matching. RLink-ATT verifies that incorporating attention mechanism can better capture the influence of each previous decision than only LSTM. RLink-TRANS verifies that action transformer could map aval and acur exactly. RLinkMLP verifies that simply neural network in the decoder phase could perform better than more complicated model (MLP). RLink outperforms all its variants, which indicates the effectiveness of each component for UIL.

Table 4 Performance on different RLink components

4 Related work

In this section, we briefly introduce previous works related to our study, including user identities linkage and reinforcement learning.

4.1 User identities linkage

Previous UIL works consider UIL as a matching problem, or utilize classification models and label propagation algorithms to tackle this task. Matching-based methods build a bipartite graph according to affinity score of each candidate pair of identities and achieves one-to-one matching for all user identity pairs based on this bipartite graph [13, 27]. The basic principle is Stable Marriage Matching. Classification-based models classify whether each candidate matching is correct or not. Commonly used classifiers include Naive Bayes, Decision tree, Logistic regression, KNN, SVM and Probabilistic classifier[6, 7, 21, 25]. Label-Propagation based methods discover unknown user identity pairs in an iterative way from the seed identity pairs which have been matched[12, 19, 24, 37, 42]. Some recent works prefer to combine above methods, for example, [39] computes local consistency based on matching model and applies label propagation for global consistency.

With the development of network embedding and deep learning, embedding based methods and deep learning models have been utilized to solve UIL problem. Embedding based methods embed each identity into the low-dimensional space which preserve the structure of network firstly, and then align them via comparing the similarity between embedding vectors across networks [21, 23, 34, 41]. However, those two-step methods need two subjects which are difficult to optimize. [17] proposes a unified framework to address this challenge, where the embeddings of multiple networks are learned simultaneously subject to hard and soft constraints on common users of the network. [43] introduces an active learning method to over the sparsity of labeled data, which utilizes the numerous unlabeled anchor links in model building. Finally, inspired by the recent successes of deep learning in different tasks, especially in automatic feature extraction and representation, [41] proposes a deep neural network based algorithm for UIL. LHNE [36] embeds cross-network structural and content information into a unified space by jointly capturing the friend-based and interest-based user co-occurrence in intra-network and inter-network, respectively. And then align users based on those embedding vectors. uStyle-uID[45] utilizes user writing and photo style to predict the label of identity pairs in Darknet network, while iDev[4] predict the label of identity pairs based on the feature coding published by user in public social coding platforms. DALAUP[3] utilizes active learning to solve the problem that labeled data is difficult to obtain in the UIL task.

4.2 Reinforcement learning

Reinforcement Learning (RL) is one of the most important machine learning methods, which gets optimal policy through trail-and-error and interaction with dynamic environment. Generally, RL contains two categories: model-based and model-free. And the most frequently used method is model-free reinforcement learning methods which can be divided into three categories: Policy-based RL, Q-learning and Actor-Critic. The policy-based RL [5, 10] learns the policy directly which compute probability distribution of every action. The Q-learning [16, 33] learns the value function which evaluate the value of each potential action-state pair. And Actor-Critic [32, 40] learns the policy and value function simultaneously which aims to evaluate the quality of a deterministic action at each step.

Recently, because of various advantages of RL, RL has been successfully applied in many fields, such as Game [16, 30], Computer Vision [44] and Natural Language Processing [5]. However, due to the complexity of online social network analysis tasks, works based on RL are less than in other fields. [31] is an early work based on reinforcement learning in social network which argues modeling network structure as dynamic increases realism without rendering the problem of analysis intractable. Existing methods utilize DQN or Q-learning framework, such as [11] applies DQN to address Graph Pattern Matching problem and [26] applies Q-Learning to search expert in social network. Inspired by the above works, we consider UIL as a markov decision problem and apply the reinforcement learning framework. However, computing Q-value of each identity pair is time-consuming. So, we adapt Actor-Critic framework to address UIL in this paper.

5 Conclusion

In this paper, we consider user identity linkage as a sequence decision problem and propose a reinforcement learning based model. Our model directly generates a deterministic action based on previous matched information via Actor-Critic framework. By utilizing the information of previously matched identities and the social network structures, we can optimize the linkage strategy from the global perspective. In experiments, we evaluate our method on Foursquare-Twitter, Last.fm-Mysapce and Linkedin-Aminer datasets, the results show that our method outperforms state-of-the-art solutions. There are many other information (e.g., user attribute information) in the network, and the links (e.g., such as AP (Author-Paper) and PC (Paper-Conference)) in the network are varied. Therefore, in the future, we would exploit those attribute information and varied links to further improve the UIL tasks.