Skip to main content

MR-KPA: medication recommendation by combining knowledge-enhanced pre-training with a deep adversarial network

Abstract

Background

Medication recommendation based on electronic medical record (EMR) is a research hot spot in smart healthcare. For developing computational medication recommendation methods based on EMR, an important challenge is the lack of a large number of longitudinal EMR data with time correlation. Faced with this challenge, this paper proposes a new EMR-based medication recommendation model called MR-KPA, which combines knowledge-enhanced pre-training with the deep adversarial network to improve medication recommendation from both feature representation and the fine-tuning process. Firstly, a knowledge-enhanced pre-training visit model is proposed to realize domain knowledge-based external feature fusion and pre-training-based internal feature mining for improving the feature representation. Secondly, a medication recommendation model based on the deep adversarial network is developed to optimize the fine-tuning process of pre-training visit model and alleviate over-fitting of model caused by the task gap between pre-training and recommendation.

Result

The experimental results on EMRs from medical and health institutions in Hainan Province, China show that the proposed MR-KPA model can effectively improve the accuracy of medication recommendation on small-scale longitudinal EMR data compared with existing representative methods.

Conclusion

The advantages of the proposed MR-KPA are mainly attributed to knowledge enhancement based on ontology embedding, the pre-training visit model and adversarial training. Each of these three optimizations is very effective for improving the capability of medication recommendation on small-scale longitudinal EMR data, and the pre-training visit model has the most significant improvement effect. These three optimizations are also complementary, and their integration makes the proposed MR-KPA model achieve the best recommendation effect.

Peer Review reports

Introduction

Electronic medical records (EMRs) represent a patient’s historical visit sequence, where each sequence contains a series of clinical events (diagnosis, procedure, medication, etc.) for a single admission. More and more attention has been paid to EMR-based auxiliary diagnosis and treatment, such as clinical knowledge question answering [1, 2], health risk warning [3,4,5,6], auxiliary diagnostic [7, 8] and electronic prescription recommendation [9, 10]. Medication recommendation is an important research direction in EMR-based applications. Given a patient’s current clinical events and history of visits, the goal of the medication recommendation task is to provide a personalized combination of medications appropriate to his or her health status. It is a crucial data mining task for an intelligent healthcare system [11] and many important recommendation models have been developed [12,13,14,15,16].

Existing EMR-based medication recommendation methods are mainly data-driven and adopt machine learning methods, especially deep networks, to model on various clinical event sequences. In order to improve the accuracy of recommendation, related studies mainly adopted longitudinal sequential recommendation methods which integrated patient’s current health conditions and historical visit information to effectively leverage the temporal dependencies among clinical events for medication recommendation [13, 17]. Recent studies focused on developing novel and complex neural networks to capture deep-level data features, including complete structure information [11], drug-drug interactions [12], multiple-level importance [18], relationships between historical and current diagnoses [19], irregular time-series dependencies [20], for improving recommendation capabilities.

However, some diseases may require multiple follow-up visits while others do not. Patients may also visit different hospitals each time resulting in incomplete multiple-visit records. So patients’ longitudinal EMR data with multiple visits are relatively few. For example, in the experiment we collected a total data of 151,908 EMRs but only 10,448 EMRs were involved with multiple visits. The longitudinal data only account for 6.9 \(\%\) of the total data. They are often discontinuous and can lead to information bias in research [21]. The lack of longitudinal data has become an important challenge for EMR-based medication recommendation.

Few-shot learning, which use small sample data for effective model training, is a current research hot spot. Related methods are divided into three categories usually, including fine-tuning, data enhancement and migration [22]. Data enhancement methods [23] usually need high-quality domain knowledge bases and are easy to introduce noise. Migration methods [24] need a group of labeled data in the similar fields for transfer learning. Hence, fine-tuning methods [25], especially pre-training [26], have become the main means for few-shot learning of EMR-based models. At present, EMRs or EHRs pre-training is attracting attentions [27,28,29]. However, existing EMRs pre-training methods need a large number of unlabeled data, which have the same source as labeled data, and neglect the optimization of the fine-tuning process. They also only focus disease prediction tasks whose number of classifications is far lower than medication recommendation tasks. Therefore, these existing EMRs pre-training methods cannot be used directly to solve the problem of lacking longitudinal data in EMR-based medication recommendation.

Based on the above observations and our previous study [30], this paper proposes a MR-KPA model which combines knowledge-enhanced pre-training with a deep adversarial network to realize medication recommendation based on small-scale longitudinal EMR data. The main contributions can be summarized as follows:

  • Firstly, a knowledge-enhanced pre-training visit model is proposed to realize domain knowledge-based external feature fusion and pre-training-based internal feature mining for improving medication recommendation on small-scale longitudinal EMR data. Different from existing EMRs pre-training methods, this visit model uses a large number of single-visit EMR data for pre-training, in order to avoid splitting longitudinal EMR data that is already insufficient.

  • Secondly, a medication recommendation model based on the deep adversarial network is developed to apply EMRs pre-training to medication recommendation for the first time. By introducing adversarial training, the fine-tuning process of pre-training visit model can be optimized to alleviate over-fitting of model caused by the task gap between pre-training and recommendation.

  • Finally, a group of experiments have been performed based on real EMR data from medical and health institutions in Hainan Province, China. Experimental results show that the proposed method can effectively improve the accuracy of medication recommendation based on small-scale longitudinal EMR data.

The rest of this paper is organized as follows. “Related work” section introduces related work. “Medical codes and data sets” section describes medical codes and data sets. “Method” section introduces the proposed MR-KPA model. In “Experiment” and “Discussion” sections, the predictive performance of this model is compared and analyzed with baselines and variants. Finally, “Conclusion” section gives the conclusions and future work.

Related work

Leveraging recommendation algorithms [31, 32]to recommend rational and effective medications in time for patients, as a paramount recommendation task in the health domain, has been widely researched [11]. Existing methods are mainly data-driven and depended on large amounts of EMR data.

Early approaches often adopted instance-based methods, which only focused on current health conditions and failed to make full use of historical information. Syed-Abdul et al. [33] proposed a smart medication recommendation model for the electronic prescription. In order to reduce the probability of illegal prescription, this smart model adopted the association rule mining technology to find the relationship between two labels for reducing the probability of illegal prescription. Zhang et al. [34] proposed the LEAP model to predict combination of medicines by giving patient’s diagnoses. This LEAP model is a variant of sequence-to-sequence model based on content-attention mechanism and, focuses on modeling mappings between instances and tag dependencies.

Obviously, patients’ historical EMR data can help to do medication recommendation. At present, studies on EMR-based medication recommendations mainly adopt longitudinal sequential recommendation methods which recommend medications based on both current health conditions and historical information [12, 17]. Choi et al. used a two-level neural attention model to detect influential past visits and significant clinical variables within those visits for improved medication recommendation [17]. An et al. proposed a relational perception LSTM (R-LSTM) to deal with the relationship between diseases and medications in longitudinal medical records, which can better integrated historical information into medication level patient representation [13]. Wang et al. proposed the adversarially regularized model for medication recommendation (ARMR), which built a key-value memory network based on information from historical admissions and carried out multi-hop reading on the memory network to recommend medications [12]. An et al. proposed a multilevel selective and interactive network (MeSIN) which fully leveraged the inherent multilevel structure of EHR data to learn a comprehensive patient representation for reasonable medication recommendation [11].

Table 1 gives a comparison of the above EMRs-based medication recommendation methods. As shown in this table, existing studies on longitudinal sequential medication recommendation mainly focused on developing different deep neural networks to capture deep-level features in EMR data. Such approaches depended on massive longitudinal EMR data. Therefore, the lack of longitudinal EMR data has become an important challenge of EMR-based medication recommendation. At present, medication recommendation based on relatively small-scale longitudinal EMR data is not given enough attention. The studies on few-shot learning of EMRs-based models mainly focused on pre-training of EMRs or EHRs data in disease prediction tasks. Various EMRs or EHRs pre-training tasks are designed to learn feature expression from large-scale unlabeled data through a self-supervised learning method [26]. For examples, Rasmy et al. [27] proposed Med-BERT, which adapted the BERT framework originally developed for the text domain to the structured EHR domain. Fine-tuning experiments on two clinical databases showed that Med-BERT can benefit disease prediction studies with small local training datasets, reduce data collection expenses, and accelerate the pace of artificial intelligence aided healthcare. Ren et al. proposed [28] a novel model RAPT, which stands for representation by Pre-training time-aware Transformer, and devise three pre-training tasks to handle data insufficiency, data incompleteness and short sequence problems. Extensive experimental results for four downstream tasks have shown the effectiveness of the proposed approach. Meng et al. [29] presented a temporal deep learning model to perform bidirectional representation learning on EHR sequences with a transformer architecture and the pre-training task of masked language modeling to predict future diagnosis of depression. However, these EMRs pre-training methods cannot be used directly to solve the problem of lacking longitudinal EMR data in EMR-based medication recommendation:

  • In data, existing EMRs pre-training methods relied on a large number of unlabeled data, which have the same source as labeled data. The existing researches above usually split experimental data and use most of them for pre-training. This method of obtaining pre-training data is not applicable to longitudinal EMR data that is lacking in itself.

  • In the downstream task, existing EMRs pre-training methods mainly aiming at disease prediction, which is usually a binary classification problem. On the contrary, there are often hundreds of classifications in medication recommendation. Therefore, the application of EMRs pre-training in medication recommendation should be studied separately.

  • In the fine-tuning process, existing EMRs pre-training methods focused on pre-training tasks and neglected the optimization of the fine-tuning process. However, the gap between pre-training and downstream tasks can bring the catastrophic forgetting problem [35, 36]. With the increase of the number of fine-tuning iterations, the downstream tasks increasingly focuses on labelled data and leads to over-fitting of model. Therefore, it is necessary to improve the downstream models for optimizing the fine-tuning process of pre-training model.

Table 1 A Comparison of EMRs-based medication recommendation methods

In addition, the fusion of knowledge and big data is a recent research hotspot. Integrating formal domain knowledge, such as term ontology [37, 38], knowledge graph (KG) [39, 40] and so on into deep neural networks has become an important approach to improve feature expression in various applications of deep learning, such as finance [41] and medicine [42]. For EMR-based medication recommendation, fusing domain knowledge to improve feature expression of EMR has also received attention. For an example, Choi et al. represented the medical concept as a combination of its ancestors in the medical ontology using an attention mechanism for enriching the input of EMR-based medication recommendation [17]. However, their studies still only depended on longitudinal EMR data. Though medical concepts enriched feature expression of EMR, model training still needed a large number of EMR data. The training datasets in Choi et al.’s study included three data sets, Sutter PAMF, Mimic-III and Sutter heart Failure (HF) cohort, in which the numbers of visit records were 13920759, 19911 and 572551 respectively.

In order to improve robustness and interpretability of the models, knowledge enhanced pre-training models (KEPTMs) are attracting attention. Yang et al. [43] categorized existing KEPTMs into three groups: entity enhanced pre-trained models [44, 45], triplet enhanced pre-trained models [46, 47] and other knowledge enhanced pre-trained models [48, 49]. However, all of these KEPTMs were oriented to text corpora. Though Shang et al. [16] proposed G-Bert which modified Bert pre-training tasks to realize knowledge-enhanced pre-training on large-scale single-visit EMR data, G-Bert only considered two types of medical codes and pre-training tasks only focused on themselves and their relations of medical codes. Other important information, especially symptoms, and its prediction ability for medication recommendation were not considered in pre-training tasks. Moreover, their researches also neglected the gap between pre-training and downstream tasks, which is particularly serious when labelled data are obviously smaller than unlabeled pre-training data. As stated above, longitudinal EMR data only account for 6.9\(\%\) of the total data and the remaining 93.1\(\%\) were single-visit data, which was indeed the case. Therefore, it is necessary to improve the recommendation model for optimizing the fine-tuning process of the single-visit pre-training model.

Based on the above analysis, we propose the MR-KPA model which combines knowledge-enhanced pre-training with a deep adversarial network to improve medication recommendation from both feature expression and recommendation model structure, for realizing medication recommendation based on small-scale longitudinal EMR data. The details are introduced in the following sections.

Medical codes and data sets

Medical codes

Medical codes are usually categorized according to a tree-structured classification system for diagnosis and drug. Figure 1 gives tree structures of ICD-10 ontology and NDC ontology. All codes are the lowest leaf nodes.

The left of Fig. 1 is an example of ICD-10 J98.4 which is the ICD-10 code of “other lung diseases” and its sibling node J98.1 is the ICD-10 code of “Pulmonary collapse”. They have a common parent node J98. This means that both these two kinds of diseases belong to “other respiratory diseases” whose ICD-10 is J98.

The right of Fig. 1 is an example of NDC(Chinese National Drug Code). 86900450000011(86,9,00450,00001,1) is the NDC code of “Ceftazidime for Injection”. The codes in line with Chinese national drug coding standards have 14 digits. The first 2 digits “86” are the drug country code and the third digit “9” represents the drug category code. The fourth to eighth “00450” represents the enterprise identifier and the ninth to thirteenth “00001” represents the product identifier. The last digit “1” represents different drugs.

Fig. 1
figure 1

Tree structures of ICD-10 and NDC

Data sets

In this study, the real EMRs are from medical and health institutions in Hainan Province, China. Six important fields, PATIENT ID, INPATIENT FORM NO, OUTPATIENT DIAG CODE, DRUG STANDARD CODE and CHIEF COMPLAINTS are extracted from the IN SUMMARY DISCHARGE DIAG table, IN SUMMARY DRUG DETAIL table and ADMISSION INFORMATION RECORD table in the electronic medical record system. PATIENT ID records the patient’s unique ID and INPATIENT FORM NO records the unique ID of one visit to hospital. OUTPATIENT DIAG CODE records the ICD-10 codes of diagnosis, DRUG STANDARD CODE records NDC codes of drug and CHIEF COMPLAINTS records the patient’s current symptoms. This study uses word segmentation to divide symptom description sentence into words, and then remove pause words during word segmentation to create the symptom set of each EMR. Table 2 gives the data statistics. The single-visit records were used for training the pre-training model and the multiple-visit records were used for training and testing the prediction model. Compared with those data sizes in Table 1, our data set is very small.

Table 2 Statistics of the data set

Method

An overview

A longitudinal sequential medication recommendation task can be defined as follows:

\(\textit{Definition 1: Longitudinal EMR Data.}\) In EMR data, each patient’s records can be represented as a sequence of multivariate observations: \(S^{n}=\left\{ P_1^{(n)},P_2^{(n)},\cdots P_{T^{(n)}}^{(n)} \right\}\) where n represents the n-th patient and \(T^{(n)}\) is the number of visits of the n-th patient. The EMR record of the t-th visit is described as \(P_t^{(n)}=\left\{ d_t^{(n)},m_t^{(n)},s_t^{(n)}\right\}\) where \(d_t^{(n)}\) is a collection of diagnostic codes for ICD-10, \(m_t^{(n)}\) is a collection of drug codes for National Drug Codes (NDC), \(s_t^{(n)}\) is the collection of self-reported symptoms named as SYM, such as “fever”.

\(\textit{Definition 2: Longitudinal Sequential Medication Recommendation Task.}\) Given the n-th patient’s history EMR records \(S_{1:t-1}^{(n)}=\left\{ P_1^{(n)},P_2^{(n)},\cdots P_{t-1}^{(n)} \right\}\), diagnostic codes \(d_t^{(n)}\), drug codes \(m_t^{(n)}\) and symptoms \(s_t^{(n)}\) at the t-th visit, we want to recommend the drugs at the t-th visit by generating multi-label output \(\hat{y_t}\in \left\{ 0,1\right\} ^{ML}\)which ML represents the number of drug codes. That is to say, the output of the medication recommendation is a list of appropriate drugs. And the recommendation problem is transformed to a multi-label classification problem.

This study proposed a MR-KPA model to realize this task based on small-scale data. On the one hand, the proposed model adopts a knowledge-enhanced pre-training. A large number of single-visit EMR data is used as the pre-training data for avoiding segment limited longitudinal EMR data. The classification knowledge of diagnostic and drug codes was encoded as external domain features and then fused into EMR embeddings. On the other hand, this model integrated adversarial training into multi-layer perceptron (MLP) to avoid the over-fitting of model during the fine-tuning process.

The whole framework of MR-KPA is described in Fig. 2. It includes three modules: input representation, pre-training and prediction. The input representation module transforms each EMR record into the diagnosis code embedding, the drug code embedding and the symptom embedding. Based on these three types of embeddings, the pre-training module creates a pre-training visit model by performing two types of pre-training tasks. Finally, the prediction module fine-tunes the pre-training visit model and obtains the predicted drug code based on patient’s multiple-visit records. The details will be described in the following subsections.

Fig. 2
figure 2

The whole framework of MR-KPA. It includes three modules: the input representation, pre-training and prediction

Input representation

The input representation module transforms each EMR into a group of multi-dimensional embeddings as the input of the subsequent module. As shown in Fig. 3, multiple-visit records are inputted into this module. Each record includes columns SUBJECT ID, HADM ID, ICD-10, NDC, and SYM, which represent the patient ID, hospital ID, diagnostic code, drug code, and symptom participle respectively. They are transformed into two ontology embeddings and one dictionary embedding.

For the EMR of n-th patient at t-th visit \(P_t^{(n)}=\left\{ d_t^{(n)},m_t^{(n)},s_t^{(n)}\right\}\), its input embedding can be obtained as follows.

\(\textit{Ontology embedding.}\) Ontology embedding is adopted to realize domain knowledge-based external feature fusion. Two types of code ontology embeddings are constructed from ICD-10 ontology \(O_{d}\) and NDC ontology \(O_m\). Because medical codes in raw EMR data are leaf nodes in code ontology trees, code ontology embedding can be obtained by using graph attention network (GAT) [8, 10, 12, 13]. It can encode the classification knowledge in diagnostic and drug code trees as external domain features. For each medical code \(c_*\in d_t^{(n)} \cup m_t^{(n)}\) is the embedding dimension, and then the procedure is performed to obtain its ontology embedding as follows:

$$\begin{aligned} o_{c_*}=g(c_*,pa(c_* ),H_e)=\parallel _{k=1}^{k}\sigma \left( \sum _{j\in N_{c_*}}a_{c_*,j}^k W^k h_j\right) \end{aligned}$$
(1)

where \(*\in \left\{ d,m\right\}\), \(N_{c_*}=\left\{ \left\{ c_*\right\} \cup \left\{ pa(c_* )\right\} \right\}\) are the parent nodes of \(c_*\) and itself, \(\parallel\) represents concatenation which enables the multi-head attention mechanism, \(\sigma\) is a nonlinear activation function, \(W^k \in {\mathbb {R}}^{m\times d}\) is the weight matrix for input transformation, and \(a_{c_*,j}^k\) is the corresponding k-th normalized attention coefficient.

\(\textit{Dictionary embedding.}\) Dictionary embedding is constructed from a symptom dictionary \(D_s\), which contains all symptoms in EMR data. For each symptom \(s_i\in s_t^{(n)},\) its dictionary embedding \(d_{s_i}\) is just its index value in \(D_s\).

Fig. 3
figure 3

The framework of Input Representation. Both diagnose embedding and medicine embedding adopt ontology embeddings based on code trees. Symptom embedding adopts the dictionary embeddings

Pre-training

The pre-training module creates a pre-training visit model based on the input embedding transformed from single-visit records of EMR. By pre-training, a large number of single visit data are effectively used to mine the richer internal features of EMR.

Before pre-training, a multi-layer Transformer architecture [50] is adopted to derive visit embedding from two ontology embedding and one dictionary embedding of each EMR data. For \(P_t^{(n)}\), three types of visit embedding can be obtained as follows:

$$\begin{aligned} v_d^t= & {} Transformer\left( \left\{ [CLS]\right\} \cup \left\{ o_{d_i}\mid d_i\in d_t^{(n)}\right\} \right) \end{aligned}$$
(2)
$$\begin{aligned} v_m^t= & {} Transformer\left( \left\{ [CLS]\right\} \cup \left\{ o_{m_i}\mid m_i\in m_t^{(n)}\right\} \right) \end{aligned}$$
(3)
$$\begin{aligned} v_s^t= & {} Transformer\left( \left\{ [CLS]\right\} \cup \left\{ d_{s_i}\mid s_i\in s_t^{(n)}\right\} \right) \end{aligned}$$
(4)

where \(v_d^t\) is diagnostic visit embedding, \(v_m^t\) is drug visit embedding, \(v_s^t\) is symptom visit embedding, and [CLS] is the first tag of each sequence whose final hidden state will be used as an aggregate sequence representation of the classification task for enabling BERT to better handle various downstream tasks. In order to obtain the consistent length of the input token, it is necessary to align the tokens obtained by padding.

This paper conducts the following two kinds of pre-training tasks to make visit embedding absorb enough information about medication recommendation.

\(\textit{Mask EMR Field Task (Mask EF Task).}\) This task randomly masks some of the embedding to better represent information about the composition of EMR records. By changing word token masking of sentences [51] into field masking of EMR records, the following loss function is calculated:

$$\begin{aligned} \mathrm {L}_{s}\left( v_*,C_*^{(n)}\right) =-logP\left( C_*^{(n)}\mid v_*\right) =-\sum _{c_*\in c_*^{(n)}} logP(c_*\mid v_*)+\sum _{c_*\in (c_*\setminus c_*^{(n)})} logP(c_*\mid v_*) \end{aligned}$$
(5)

where \(C_*^{(n)}=\left( d_t^{(n)} \cup m_t^{(n)} \cup s_t^{(n)}\right)\) is an union set of medical codes and symptoms of n-th patient, \(c_* \in C_*^{(n)}\) denotes a medical code or symptom involved in the n-th patient and \(c_*\in \left\{ c_*\setminus c_*^{(n)}\right\}\)denotes the medical codes or symptoms not used for the n-th patient, \(*\in \left\{ d,m,s\right\}\). We minimize the binary cross entropy loss \(L_s\) to make the model have stronger self-prediction ability.

\(\textit{Correlation Prediction Task (CorP Task).}\) This task is used to represent information about the correlation among diagnostic codes, drug codes and symptoms. In BERT, the next sentence prediction (NSP) task facilitates the prediction of sentence relations. G-Bert revised the NSP task as the multidirectional prediction task for predicting unknown disease or drug codes of the sequence [16]. This paper revises the NSP task [52] as the CorP Task. For mutual prediction of diagnostic codes, drug codes and symptoms, the following three loss functions are calculated:

$$\begin{aligned} \mathrm {L}_{dm}= & {} -logP\left( C_d^{(n)}\mid v_m\right) -logP\left( C_m^{(n)}\mid v_d\right) \end{aligned}$$
(6)
$$\begin{aligned} \mathrm {L}_{ds}= & {} -logP\left( C_d^{(n)}\mid v_s\right) -logP\left( C_s^{(n)}\mid v_d\right) \end{aligned}$$
(7)
$$\begin{aligned} \mathrm {L}_{ms}= & {} -logP\left( C_m^{(n)}\mid v_s\right) -logP\left( C_s^{(n)}\mid v_m\right) \end{aligned}$$
(8)

Finally, the pre-training optimization objective can simply be the combination of the aforementioned losses:

$$\begin{aligned} \mathrm {L}_{pr}=\mathrm {L}_{s}\left( v_d,C_d^{(n)}\right) +\mathrm {L}_{s}\left( v_m,C_m^{(n)}\right) +\mathrm {L}_{s}\left( v_s,C_s^{(n)}\right) +\mathrm {L}_{dm}+\mathrm {L}_{s}+\mathrm {L}_{ms} \end{aligned}$$
(9)

Prediction

A MLP module with adversarial training is used to achieve the final prediction task. Based on the pre-training model, multi-visit EMR sequences can be transformed to three types of visit embedding sequences. Concatenating the average of previous diagnostic visit embedding, drug visit embedding, and symptom visit embedding before the t-th visit, as well as the diagnostic visit embedding and symptom visit embedding at the t-th visit, the MLP [53] can predict the recommended drug codes at the t-th visit as follows:

$$\begin{aligned} y_t=Sigmoid\left( W\left[ \left( \frac{1}{t-1} \sum _{\tau<t}v_d^{\tau }\right) \parallel \left( \frac{1}{t-1} \sum _{\tau<t}v_s^{\tau }\right) \parallel \left( \frac{1}{t-1} \sum _{\tau <t}v_m^{\tau }\right) \parallel v_d^{\tau } \parallel v_s^{\tau }\right] +b\right) \end{aligned}$$
(10)

where \(W\in {\mathbb {R}}^{\mid C_m \mid \times 3l}\)is a learnable transformation matrix.

Therefore, the loss function can be calculated as follows:

$$\begin{aligned} L_n=-\frac{1}{T-1} \sum _{t=2}^T\left( y_t^T log\hat{(y_t)}+\left( 1-y_t^T\right) log\left( 1-y_t^T\right) \right) \end{aligned}$$
(11)

where y is the predicted value sequence and \({\hat{y}}\) is the true value sequence. In this formula, t =2 means that the prediction starts from the second visit of the patient. The reason is that this paper focuses on longitudinal sequential medication recommendation which predicts the drugs currently suitable for the patient based on the patient’s historical and current diagnosis and symptom.

In order to avoid the over-fitting of model, this paper integrates the adversarial training FGM into the deep prediction model [54]. Adversarial training can not only improve the defense ability of the model against adversarial samples, but also improve the generalization ability of the original samples. For the prediction task, the disturbance \(r_{adv-d}\) and \(r_{adv-m}\) are added to the diagnostic ontology embedding and the drug ontology embedding respectively, in order to make the model wrong as much as possible and increase the robustness. Referring to [54], the disturbance can be calculated as follows:

$$\begin{aligned} \begin{aligned} r_{adv-d}=-\epsilon \frac{ \triangledown _x v_d^t}{\parallel \triangledown _x v_d^t \parallel _2} \\ r_{adv-m}=-\epsilon \frac{\triangledown _x v_m^t}{ \parallel \triangledown _x v_m^t \parallel _2} \end{aligned} \end{aligned}$$
(12)

where \(\epsilon\) is a constant. \(r_{adv-d}\) and \(r_{adv-m}\) are normalized values with the gradient of \(v_d^t\) and \(v_m^t\). The drug sequence \(y_t\) is predicted from the disturbed \(v_d^{\tau '}\) and \(v_m^{\tau '}\) which can be combined with the real drug sequence \(\hat{y_t}\) to construct a loss function. In back propagation, the gradient of counter training is accumulated on the basis of the normal gradient. Then the original values of \(v_d^{\tau }\) and \(v_m^{\tau }\) are restored. Finally, the parameters are updated according to the gradient of accumulated adversarial training. The loss function after adversarial training is defined in the same way as Eq. (11) where \(y_t\) is calculated from the disturbed diagnostic ontology embedding and drug ontology embedding on the basis of Eq. (13) as follows:

$$\begin{aligned} \begin{aligned} y_t=Sigmoid\left( W\left[ \left( \frac{1}{t-1} \sum _{\tau<t}\left( v_d^{\tau }+r_{adv-d}\right) \right) \parallel \left( \frac{1}{t-1} \sum _{\tau<t}v_s^{\tau }\right) \parallel \right. \right. \\\left. \left. \left( \frac{1}{t-1} \sum _{\tau <t}\left( v_m^{\tau }+r_{adv-m}\right) \right) \parallel \left( v_d^{\tau }+r_{adv-d}\right) \parallel v_s^{\tau }\right] +b\right) \end{aligned} \end{aligned}$$
(13)

Experiment

Baselines

We compared the proposed MR-KPA with the following baseline methods. All methods were developed under Pytorch and implemented on Nvidia Quadro P2000:

  • Learn to Prescribe (LEAP) [34]: LEAP is an example based model that aims to prescribe effective and safe drug combinations for patients with recurrent diseases. It uses cyclic decoders to model labels and captures label instance maps using content-based attention in order to decompose treatment recommendations into a continuous decision-making process while automatically determining the appropriate drug quantity. The epoch of this model is set as 30.

  • Logistic Regression (LR) [55]: This study adopts a logistic regression model with L1/L2 regularization as the baseline method. We represented sequential multiple medical codes by summing up multiple hot vectors per visit.

  • Reverse Time Attention Model (RETAIN) [17]: RETAIN is a medication recommendation model based on a two-stage neuro attention that examines past influential visits and important clinical variables such as critical diagnoses within those visits. In this study, the epoch of the model is set to 30 which has the best performance by experiment. When the model predicts that the probability of a drug being recommended is greater than 30\(\%\), the drug is recommended.

Metrics

This paper uses the Jaccard Similarity Coefficient [56] and average F1 [57] to measure experimental results. They can be calculated as follows:

$$\begin{aligned} Jaccard=\frac{1}{\sum _k^N \sum _t^{T_k}1} \sum _k^N \sum _t^{T_k} \frac{\mid Y_t^{(k)} \cap {\hat{Y}}_t^{(k)}\mid }{\mid Y_t^{(k)} \cup {\hat{Y}}_t^{(k)}\mid } \end{aligned}$$
(14)

where \({\hat{Y}}_t^{(k)}\) is the predicted set and \(Y_t^{(k)}\) is the ground truth set.

$$\begin{aligned} F1&=\frac{1}{\sum _k^N \sum _t^{T_k}1} \sum _k^N \sum _t^{T_k} \frac{2 \times P_t^{(k)} \times R_t^{(k)}}{P_t{(k)}+R_t^{(k)}} \end{aligned}$$
(15)
$$\begin{aligned} P_t^{(k)}&=\frac{\mid Y_t^{(k)} \cap {\hat{Y}}_t^{(k)}\mid }{\mid Y_t^{(k)} \mid }, R_t^{(k)}=\frac{\mid Y_t^{(k)} \cap {\hat{Y}}_t^{(k)}\mid }{\mid {\hat{Y}}_t^{(k)} \mid } \end{aligned}$$
(16)

where \(P_t^{(k)}\) is the precision rate, \(R_t^{(k)}\) is the recall rate, N is the number of patients in the test set and \(T_k\) is the number of visit of the k-th patient. And we also use Precision Recall AUC (PR-AUC) to evaluate the performance of the algorithm.

Implementations

We used all single-visit data for pre-training, and randomly divided multi-visit data into the training set, the verification set and the test set in a 4:1:1 ratio. We set the number of attention heads in the GAT model as 4, and the hidden layers in the pre-training model as 2 with 4 attention heads. In the prediction model, the learning rate was set as 5e-4. In this paper, the prediction was not made after the pre-training model was fully trained. Instead, the pre-training was carried out first, and then the prediction with the pre-trained model was made in alternate cycles, so as to artificially imitate the way of multi-task. Although the two models were not trained together, the two models influenced each other and improved each other in the cycle process, which effectively solved the problem of parameter forgetting of the pre-training model and effectively improved the model generalization ability.

Results

Table 3 shows the performance results of different models. LEAP is obviously less effective than other baseline models and the proposed MR-KPA. As an instance-based medication recommendation model, LEAP does not take into account longitudinal EMR data. Therefore, this results prove that it is necessary to adopt the longitudinal sequential method, namely medication recommendation based on longitudinal EMR data in this study. LR is a shallow machine learning model and widely used in medication recommendation. RETAIN is a medication recommendation model based on the deep neural network. Compared with their results, the Jaccard score and PR-AUC score of LR are significantly higher than those of RETAIN. This indicates that, the deep learning models are no better than traditional shallow machine learning models based on the small-scale longitudinal EMR data. Therefore, it is also necessary to adopt the knowledge-enhanced pre-training visit model for realizing few-shot learning in this study. Finally, the proposed MR-KPA obtains the best results on all evaluating indicators. This shows that the proposed model can effectively improve the accuracy of medication recommendation based on small-scale longitudinal EMR data.

Table 3 Experimental results from MR-KPA and baselines

Discussion

Knowledge enhancement based on ontology embedding, the pre-training visit model and adversarial training are three core optimizations in this paper. This section will discuss their effectiveness by an ablation study. Seven MR-KPA variants are designed as follows:

  • \(MR-KPA_{K-,P-,A-}\): Compared with MR-KPA, this model deletes knowledge enhancement based on ontology embedding, the pre-training visit model and adversarial training, and only uses MLP to predict drug codes based on input embedding of diagnostic codes, drug codes and symptoms;

  • \(MR-KPA_{P-,A-}\): Compared to MR-KPA, this model deletes the pre-training visit model and adversarial training, and only keeps knowledge enhancement based on ontology embedding;

  • \(MR-KPA_{K-,A-}\): Compared to MR-KPA, this model deletes knowledge enhancement based on ontology embedding and adversarial training, and only keeps the pre-training visit model.

  • \(MR-KPA_{K-,P-}\): Compared to MR-KPA, this model deletes knowledge enhancement based on ontology embedding and the pre-training visit model, and only keeps adversarial training.

  • \(MR-KPA_{K-}\): Compared to MR-KPA, this model deletes knowledge enhancement based on ontology embedding, and keeps the pre-training visit model and adversarial training.

  • \(MR-KPA_{P-}\): Compared to MR-KPA, this model deletes the pre-training visit model, and keeps knowledge enhancement based on ontology embedding and adversarial training.

  • \(MR-KPA_{A-}\): Compared to MR-KPA, this model deletes adversarial training, and keeps knowledge enhancement based on ontology embedding and the pre-training visit model.

All of three optimizations are effective and compatible

Table 4 gives the experimental results of the ablation study. Compare the baseline models, the result of \(MR-KPA_{K-,P-,A-}\)is similar to that of RETAIN. Its three evaluating indicators are significantly higher than those of LEAP and two evaluating indicators are lower than those of LR. This once again proves the necessity of adopting longitudinal sequential medication recommendation and the shortcomings of deep learning models in medication recommendation based on small-scale longitudinal EMR data.

Table 4 Experimental results of the ablation study

Compared with \(MR-KPA_{K-,P-,A-}\), the result of \(MR-KPA_{P-,A-}\),\(MR-KPA_{K-,A-}\) and \(MR-KPA_{K-,P-}\) achieve the better performance, which indicates that knowledge enhancement based on ontology embedding, the pre-training visit model and adversarial training, which are three core optimizations in this paper, are very effective. Furthermore, the results of \(MR-KPA_{K-}\), \(MR-KPA_{P-}\) and \(MR-KPA_{A-}\) are also significantly improved than those of \(MR-KPA_{K-,P-,A-}\). Finally, the proposed MR-KPA model achieved the best results. This indicates that these three optimizations are compatible with each other and their combination can greatly improve EMR-based medication recommendation.

The pre-training visit model are the most effective optimization

Referring to [54], this section will further discuss the training effects of the three optimizations through the analysis of training loss curve. Figure 4 gives the learning curves of training loss of MR-KPA, \(MR-KPA_{K-}\), \(MR-KPA_{P-}\) and \(MR-KPA_{A-}\). As shown in Fig. 4a, the training loss of \(MR-KPA_{K-}\) drops a little faster than that of MR-KPA in the early stage, but it basically fits the training loss curve of MR-KPA in the later stage. This indicates knowledge enhancement based on ontology embedding affects the training speed in the early stage, but it has little impact on the recommendation results of the whole model. This is consistent with the results in Table 3. \(MR-KPA_{K-}\) has the closest result to MR-KPA. This indicates that knowledge enhancement based on ontology embedding has the minimal improvement effect on the EMR-based medication recommendation task.

Fig. 4
figure 4

The change of training loss values in MR-KPA and three variants

Figure 4b gives the comparison of training loss between MR-KPA and \(MR-KPA_{P-}\). With the increase of iteration times, the loss of MR-KPA gradually decreased, but the loss change of \(MR-KPA_{P-}\) is not obvious. This indicates that the pre-training visit model is the key to ensure the convergence of the model on relatively small-scale longitudinal EMR data. It has a significant effect on improving the edication recommendation based on small-scale longitudinal EMR data. This is also consistent with the results in Table 3. Among \(MR-KPA_{K-}\),\(MR-KPA_{P-}\) and \(MR-KPA_{A-}\), \(MR-KPA_{P}\) has the worst results.

Figure 4c gives the comparison of training loss between MR-KPA and \(MR-KPA_{A-}\). With the increase of iteration times, the downward trend of loss of \(MR-KPA_{A-}\)is much slower than that of MR-KPA. The loss values MR-KPA are always below that of \(MR-KPA_{A-}\) in the later. This indicates adversarial training has played a role in preventing the model from over-fitting on small-scale longitudinal EMR data. Therefore, it can effectively improve medication recommendation based on small-scale longitudinal EMR data, as shown in Table 3.

Comparing Fig. 4a–c, only the loss curve of \(MR-KPA_{P-}\) decreases slowly, and even has an upward trend in the later period, indicating that the model does not converge. Therefore, \(MR-KPA_{P-}\) has the worst result among \(MR-KPA_{K-}\),\(MR-KPA_{P-}\) and \(MR-KPA_{A-}\), as shown in Table 3. That is to say, the pre-training visit model are the most effective optimization in this study.

Limitations of this study

There are still some limitations in this study. Due to the addition of adversarial training, the computational complexity of the proposed MR-KPA inevitably increases, and the running time also increases. However, due to the small-scale training data, this limitation of recommendation model can be compensated partly. Another limitation of this study is that the temporal features of longitudinal data are not fully utilized. Therefore, an important future work is to effectively mine temporal features by various deep neural network, such as linear networks.

Conclusion

In this paper, we propose a new EMR-based medication recommendation model called MR-KPA. By combining knowledge-enhanced pre-training with the deep adversarial network, MR-KPA improves both feature representation and the fine-tuning process to realize effectively medication recommendation based on small-scale EMR data. To our best knowledge, MR-KPA is real first that integrates current popular graph neural network, pre-training and adversarial training for EMR-based medication recommendation. The ablation experiments and comparative experiments prove that these three technologies are complementary and their integration makes the proposed MR-KPA model effectively realize medication recommendation on small-scale longitudinal EMR data. By reducing the dependence on high-quality labelled data, this study can greatly reduce the time and economic costs required for model construction, and help to promote the comprehensive application of EMRs based medication recommendation.

Availability of data and materials

The datasets generated and analysed during the current study are not publicly available due to privacy restriction from hospitals but are available from the corresponding author on reasonable request. The source codes are publicly available in the GitHub repository, https://github.com/MengzhenWangmz/MR-KPA.

References

  1. Raghavan P, Liang JJ, Mahajan D, Chandra R, Szolovits P. emrkbqa: a clinical knowledge-base question answering dataset. In: Proceedings of the 20th workshop on biomedical language processing 2021, 2021. p. 64–73.

  2. Park J, Cho Y, Lee H, Choo J, Choi E. Knowledge graph-based question answering with electronic health records. In: MLHC 2021.

  3. Fang M, Chen Y, Xue R, Wang H, Chakraborty N, Su T, Dai Y. A hybrid machine learning approach for hypertension risk prediction. Neural Comput Appl. 2021;1–11.

  4. Zhao H, Ma Z, Sun Y. A hypertension risk prediction model based on bp neural network. In: 2019 International conference on networking and network applications (NaNA), 2019. p. 464–9. https://doi.org/10.1109/NaNA.2019.00085

  5. Feng R, Cao Y, Liu X, Chen T, Chen J, Chen DZ, Gao H, Wu J. Chronet: A multi-task learning based approach for prediction of multiple chronic diseases. Multim Tools Appl. 2021;1–15.

  6. Zhang XS, Tang F, Dodge HH, Zhou J, Wang F. Metapred: Meta-learning for clinical risk prediction with limited patient electronic health records. In: Proceedings of the 25th ACM SIGKDD international conference on knowledge discovery & data mining, 2019. p. 2487–95.

  7. Hsu J-L, Hsu T-J, Hsieh C-H, Singaravelan A. Applying convolutional neural networks to predict the icd-9 codes of medical records. Sensors. 2020;20(24):7116.

    Article  Google Scholar 

  8. Singaravelan A, Hsieh C-H, Liao Y-K, Hsu J-L. Predicting icd-9 codes using self-report of patients. Appl Sci. 2021;11(21):10046.

    Article  CAS  Google Scholar 

  9. Ghasemi SH, Etminani K, Dehghan H, Eslami S, Hasibian MR, Vakili-Arki H, Saberi MR, Aghabagheri M, Namayandeh SM. Design and evaluation of a smart medication recommendation system for the electronic prescription. In: dHealth, 2019. p. 128–35.

  10. Palchik V, Traverso ML, Colautti M, Bianchi M, Dolza L, Catena JM, Salamano M. Oncology medications prescription in a cancer service: appropriateness to clinical practice guidelines. Farmacia Hospitalaria: Organo Oficial de Expresion Cientifica de la Sociedad Espanola de Farmacia Hospitalaria. 2016;40(n06):491–5.

    Google Scholar 

  11. An Y, Zhang L, You M, Tian X, Jin B, Wei X. Mesin: Multilevel selective and interactive network for medication recommendation. Knowledge-Based Syst. 2021;233:107534.

    Article  Google Scholar 

  12. Wang Y, Chen W, Pi D, Yue L. Adversarially regularized medication recommendation model with multi-hop memory network. Knowl Inf Syst. 2021;63(1):125–42.

    Article  Google Scholar 

  13. An Y, Mao Y, Zhang L, Jin B, Xiao K, Wei X, Yan J. Rahm: relation augmented hierarchical multi-task learning framework for reasonable medication stocking. J Biomed Inf. 2020;108:103502.

    Article  Google Scholar 

  14. Choi E, Bahadori MT, Song L, Stewart WF, Sun J. Gram: graph-based attention model for healthcare representation learning. In: Proceedings of the 23rd ACM SIGKDD international conference on knowledge discovery and data mining, 2017. p. 787–95.

  15. Su C, Gao S, Li S. Gate: graph-attention augmented temporal neural network for medication recommendation. IEEE Access. 2020;8:125447–58.

    Article  Google Scholar 

  16. Shang J, Ma T, Xiao C, Sun J. Pre-training of graph augmented transformers for medication recommendation. In: Twenty-eighth international joint conference on artificial intelligence 2019.

  17. Choi E, Bahadori MT, Sun J, Kulas J, Schuetz A, Stewart W. Retain: an interpretable predictive model for healthcare using reverse time attention mechanism. Adv Neural Inf Process Syst. 2016;29.

  18. Bhoi S, Lee ML, Hsu W, Fang HSA, Tan NC. Personalizing medication recommendation with a graph-based approach. ACM Trans Inf Syst. 2021;40(3):1–23.

    Article  Google Scholar 

  19. Wu R, Qiu Z, Jiang J, Qi G, Wu X. Conditional generation net for medication recommendation. In: Proceedings of the ACM web conference 2022, 2022. p. 935–45.

  20. Zhang S, Li J, Zhou H, Zhu Q, Zhang S, Wang D. Merits: medication recommendation for chronic disease with irregular time-series. In: 2021 IEEE international conference on data mining (ICDM), 2021. p. 1481–1486. IEEE.

  21. Joshua Lin K, Jin Y, Gagne J, Glynn RJ, Murphy SN, Tong A, Schneeweiss S. Longitudinal data discontinuity in electronic health records and consequences for medication effectiveness studies. Clin Pharmacol Therap. 2022;111(1):243–51.

    Article  Google Scholar 

  22. Wang Y, Yao Q, Kwok JT, Ni LM. Generalizing from a few examples: a survey on few-shot learning. ACM Comput Surv (csur). 2020;53(3):1–34.

    Article  Google Scholar 

  23. Xian Y, Sharma S, Schiele B, Akata Z. f-vaegan-d2: a feature generating framework for any-shot learning. In: Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2019. p. 10275–84

  24. Gao T, Han X, Liu Z, Sun M. Hybrid attention-based prototypical networks for noisy few-shot relation classification. In: Proceedings of the AAAI conference on artificial intelligence, vol. 33, 2019. p. 6407–14.

  25. Nakamura A, Harada T. Revisiting fine-tuning for few-shot learning. arXiv preprint arXiv:1910.00216 2019.

  26. Lan Z, Chen M, Goodman S, Gimpel K, Sharma P, Soricut R. Albert: a lite bert for self-supervised learning of language representations. arXiv preprint arXiv:1909.11942 2019.

  27. Rasmy L, Xiang Y, Xie Z, Tao C, Zhi D. Med-bert: pretrained contextualized embeddings on large-scale structured electronic health records for disease prediction. NPJ Digit Med. 2021;4(1):1–13.

    Article  Google Scholar 

  28. Ren H, Wang J, Zhao WX, Wu N. Rapt: Pre-training of time-aware transformer for learning robust healthcare representation. In: Proceedings of the 27th ACM SIGKDD conference on knowledge discovery & data mining, 2021. p. 3503–11.

  29. Meng Y, Speier W, Ong MK, Arnold CW. Bidirectional representation learning from transformers using multimodal electronic health record data to predict depression. IEEE J Biomed Health Inf. 2021;25(8):3121–9.

    Article  Google Scholar 

  30. Wang M, Chen J, Lin S. Medication recommendation based on a knowledge-enhanced pre-training model. In: IEEE/WIC/ACM international conference on web intelligence and intelligent agent technology, 2021. p. 290–4.

  31. Forouzandeh S, Berahmand K, Rostami M. Presentation of a recommender system with ensemble learning and graph embedding: a case on movielens. Multim Tools Appl. 2021;80(5):7805–32.

    Article  Google Scholar 

  32. Zhang Q, Lu J, Jin Y. Artificial intelligence in recommender systems. Complex Intell Syst. 2021;7(1):439–57.

    Article  Google Scholar 

  33. Syed-Abdul S, Nguyen A, Huang F, Jian W-S, Iqbal U, Yang V, Hsu M-H, Li Y-C. A smart medication recommendation model for the electronic prescription. Comput Methods Progr Biomed. 2014;117(2):218–24.

    Article  Google Scholar 

  34. Zhang Y, Chen R, Tang J, Stewart WF, Sun J. Leap: learning to prescribe effective and safe treatment combinations for multimorbidity. In: Proceedings of the 23rd ACM SIGKDD international conference on knowledge discovery and data mining, 2017. p. 1315–24.

  35. McCloskey M, Cohen NJ. Catastrophic interference in connectionist networks: The sequential learning problem. In: Psychology of learning and motivation vol. 24. Elsevier; 1989. p. 109–65.

  36. Kirkpatrick J, Pascanu R, Rabinowitz N, Veness J, Desjardins G, Rusu AA, Milan K, Quan J, Ramalho T, Grabska-Barwinska A, et al. Overcoming catastrophic forgetting in neural networks. Proc Natl Acad Sci. 2017;114(13):3521–6.

    Article  CAS  Google Scholar 

  37. Nitsuwat S, Paoin W. Development of icd-10-tm ontology for a semi-automated morbidity coding system in thailand. Methods Inf Med. 2012;51(06):519–28.

    Article  CAS  Google Scholar 

  38. Wang M, Zhang J, Liu J, Hu W, Wang S, Li X, Liu W. Pdd graph: Bridging electronic medical records and biomedical knowledge graphs via entity linking. In: International semantic web conference. Springer; 2017. p. 219–27.

  39. Palumbo E, Rizzo G, Troncy R, Baralis E, Osella M, Ferro E. Knowledge graph embeddings with node2vec for item recommendation. In: European semantic web conference. Springer; 2018. p. 117–20.

  40. Nguyen HL, Vu DT, Jung JJ. Knowledge graph fusion for smart systems: a survey. Inf Fusion. 2020;61:56–70.

    Article  Google Scholar 

  41. Long J, Chen Z, He W, Wu T, Ren J. An integrated framework of deep learning and knowledge graph for prediction of stock price trend: An application in chinese stock exchange market. Appl Soft Comput. 2020;91:106205.

    Article  Google Scholar 

  42. Lin X, Quan Z, Wang Z-J, Ma T, Zeng X. Kgnn: Knowledge graph neural network for drug-drug interaction prediction. In: IJCAI, vol. 380, 2020. p. 2739–45.

  43. Yang J, Xiao G, Shen Y, Jiang W, Hu X, Zhang Y, Peng J. A survey of knowledge enhanced pre-trained models. arXiv preprint arXiv:2110.00269 2021.

  44. Levine Y, Lenz B, Dagan O, Ram O, Padnos D, Sharir O, Shalev-Shwartz S, Shashua A, Shoham Y. SenseBERT: Driving Some Sense into BERT. In: Proceedings of the 58th annual meeting of the association for computational linguistics, 2020. p. 4656–67.

  45. Shen T, Mao Y, He P, Long G, Trischler A, Chen W. Exploiting structured knowledge in text via graph-guided representation learning. In: Proceedings of the 2020 conference on empirical methods in natural language processing (EMNLP), 2020. p. 8980–94.

  46. Zhang Z, Han X, Liu Z, Jiang X, Sun M, Liu Q. ERNIE: Enhanced language representation with informative entities. In: Proceedings of the 57th annual meeting of the association for computational linguistics, Florence, Italy, 2019. p. 1441–51.

  47. Verga P, Sun H, Soares LB, Cohen W. Adaptable and interpretable neural memoryover symbolic knowledge. In: Proceedings of the 2021 conference of the north american chapter of the association for computational linguistics: human language technologies, 2021. p. 3678–91.

  48. Wang R, Tang D, Duan N, Wei Z, Huang X, Cao G, Jiang D, Zhou M, et al. K-adapter: infusing knowledge into pre-trained models with adapters. In: Findings of the association for computational linguistics 2021.

  49. Guu K, Lee K, Tung Z, Pasupat P, Chang M. Retrieval augmented language model pre-training. In: International conference on machine learning, 2020. p. 3929–38. PMLR.

  50. Vaswani A, Shazeer N, Parmar N, Uszkoreit J, Jones L, Gomez AN, Kaiser Ł. Polosukhin I. Attention is all you need. In: Advances in neural information processing systems 2017;30.

  51. Ma X, Guo J, Zhang R, Fan Y, Ji X, Cheng X. Prop: pre-training with representative words prediction for ad-hoc retrieval. In: Proceedings of the 14th ACM international conference on web search and data mining, 2021. p. 283–91.

  52. Sun Y, Zheng Y, Hao C, Qiu H. Nsp-bert: a prompt-based zero-shot learner through an original pre-training task–next sentence prediction. COLING 2022.

  53. Mantey EA, Zhou C, Anajemba JH, Okpalaoguchi IM, Chiadika OD-M. Blockchain-secured recommender system for special need patients using deep learning. Front Public Health 2021;9.

  54. Miyato T, Dai AM, Goodfellow I. Adversarial training methods for semi-supervised text classification. In: International conference on learning representations 2017.

  55. Luaces O, Díez J, Barranquero J, Coz J, Bahamonde A. Binary relevance efficacy for multilabel classification. Prog Artif Intell. 2012;1(4):303–13.

    Article  Google Scholar 

  56. Fernando B, Herath S. Anticipating human actions by correlating past with the future with jaccard similarity measures. In: Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2021. p. 13224–33

  57. DeVries Z, Locke E, Hoda M, Moravek D, Phan K, Stratton A, Kingwell S, Wai EK, Phan P. Using a national surgical database to predict complications following posterior lumbar surgery and comparing the area under the curve and f1-score for the assessment of prognostic capability. Spine J. 2021;21(7):1135–42.

    Article  Google Scholar 

Download references

Funding

This study was supported by National Key Research and Development Program of China (Grant No. 2020YFB2104402) and Beijing Natural Science Foundation (No. 4222022).

Author information

Authors and Affiliations

Authors

Contributions

Conceptualization, SL and JC; methodology, SL, MW and JC; software, MW and JC; validation, SL and JC; investigation, MW and CS; data curation, MW; writing-original draft preparation, MW; writing-review and editing, JC, MW, SL, ZX, LC, and QG; visualization, MW; All authors read and approved to the final manuscript.

Corresponding author

Correspondence to Jianhui Chen.

Ethics declarations

Ethics approval and consent to participate

The authors declare the data used in our research were anonymized before its use.

Competing interests

The authors declare no competing interests.

Additional information

Publisher’s Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Lin, S., Wang, M., Shi, C. et al. MR-KPA: medication recommendation by combining knowledge-enhanced pre-training with a deep adversarial network. BMC Bioinformatics 23, 552 (2022). https://doi.org/10.1186/s12859-022-05102-1

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12859-022-05102-1

Keywords