Next Article in Journal
Utilization of Polymer-Lipid Hybrid Nanoparticles for Targeted Anti-Cancer Therapy
Next Article in Special Issue
Participation of MicroRNAs in the Treatment of Cancer with Phytochemicals
Previous Article in Journal
Gamma Aminobutyric Acid-Enriched Fermented Oyster (Crassostrea gigas) Increases the Length of the Growth Plate on the Proximal Tibia Bone in Sprague-Dawley Rats
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

LncMirNet: Predicting LncRNA–miRNA Interaction Based on Deep Learning of Ribonucleic Acid Sequences

1
Key Laboratory of Symbol Computation and Knowledge Engineering of Ministry of Education, College of Computer Science and Technology, Jilin University, Changchun 130012, China
2
School of Artificial Intelligence, Jilin University, Changchun 130012, China
*
Author to whom correspondence should be addressed.
Submission received: 3 August 2020 / Revised: 19 September 2020 / Accepted: 22 September 2020 / Published: 23 September 2020
(This article belongs to the Special Issue 25th Anniversary of Molecules—Hot Topics in Bioorganic Chemistry)

Abstract

:
Long non-coding RNA (LncRNA) and microRNA (miRNA) are both non-coding RNAs that play significant regulatory roles in many life processes. There is cumulating evidence showing that the interaction patterns between lncRNAs and miRNAs are highly related to cancer development, gene regulation, cellular metabolic process, etc. Contemporaneously, with the rapid development of RNA sequence technology, numerous novel lncRNAs and miRNAs have been found, which might help to explore novel regulated patterns. However, the increasing unknown interactions between lncRNAs and miRNAs may hinder finding the novel regulated pattern, and wet experiments to identify the potential interaction are costly and time-consuming. Furthermore, few computational tools are available for predicting lncRNA–miRNA interaction based on a sequential level. In this paper, we propose a hybrid sequence feature-based model, LncMirNet (lncRNA–miRNA interactions network), to predict lncRNA–miRNA interactions via deep convolutional neural networks (CNN). First, four categories of sequence-based features are introduced to encode lncRNA/miRNA sequences including k-mer (k = 1, 2, 3, 4), composition transition distribution (CTD), doc2vec, and graph embedding features. Then, to fit the CNN learning pattern, a histogram-dd method is incorporated to fuse multiple types of features into a matrix. Finally, LncMirNet attained excellent performance in comparison with six other state-of-the-art methods on a real dataset collected from lncRNASNP2 via five-fold cross validation. LncMirNet increased accuracy and area under curve (AUC) by more than 3%, respectively, over that of the other tools, and improved the Matthews correlation coefficient (MCC) by more than 6%. These results show that LncMirNet can obtain high confidence in predicting potential interactions between lncRNAs and miRNAs.

Graphical Abstract

1. Introduction

Although noncoding RNAs (ncRNAs) [1] cannot encode proteins, they play indispensable roles in numerous life processes [2,3,4,5,6,7]. Accumulated studies show that many ncRNAs are involved in various life regulation processes [8,9]. LncRNA and miRNA, as two typical ncRNAs, are proof related to cancer development, gene regulation, cellular metabolic process, etc. miRNA is a small ncRNA with 20–25 nt adhering to lncRNA (more than 200 nt) to indirectly regulate gene expression [5], adjust lncRNA function, and cooperate with lncRNA to finish regulation processes. The increasing evidence shows that the interaction between lncRNA and miRNA contributes to finding some potential regulation relationships. Therefore, exploring lncRNA–miRNA interactions can support the understanding of some of the complicated functions between lncRNAs and miRNAs. In earlier studies, researchers mainly explored unknown lncRNA–miRNA interactions through laboratory experiments. However, finding potential interaction between lncRNAs and miRNAs by a biological laboratory is labor-intensive, time-consuming, and costly. Meanwhile, with the rapid development of RNA sequencing technology, a fair number of novel lncRNAs and miRNAs have been detected. Hence, many computational methods to predict lncRNA–miRNA interactions have been proposed. In 2018, Huang et al. introduced a group preference Bayesian collaborative filtering model (GBCF) for picking up a top-k probability ranking list for an individual miRNA or lncRNA based on the known miRNA–lncRNA interaction network [10]. In the same year, Huang et al. employed a graph-based prediction method (Expression Profile-based prediction model for LncRNA-MiRNA Interactions, EPLMI) to infer the most potential lncRNA–miRNA interactions based on the known lncRNA–miRNA interaction network, lncRNA–lncRNA similarity, and miRNA–miRNA similarity [11]. In 2019, Huang et al. proposed a graph convolution auto-encoder network method that incorporated the raw data of node attributes and topology of the interaction network to predict the link between lncRNA and miRNA [12]. With the rapid development of graph embedding technology, in 2019, Zhou et al. proposed an ensemble graph embedding method (GEEL) [13] that used linear neighborhood similarity (LNS) method and known interactions to construct a lncRNA–miRNA interaction graph, and then introduced four graph embedding methods (Laplacian Eigenmaps, GraRep, High Order Proximity preserved Embedding, DeepWalk) and a graph auto encoder model to represent the lncRNA/miRNA node. Based on the embedding results, GEEL used the random forest classifier to predict the potential interactions between lncRNAs and miRNAs. In 2020, Kang et al. used raw RNA sequence and 110 sequence-based features to feed a BiGRU model and a random forest model, respectively, to train a hybrid model (PmliPred) for predicting the potential interactions between lncRNAs and miRNAs [14]. Although the above methods can relieve some problems, they also have some limitations. For example, EPLMI needs the expression of lncRNAs and miRNAs as input, but it is difficult to obtain the special expression of lncRNAs and miRNAs most times. Additionally, the expression of lncRNAs and miRNAs are tissue specific and inconsistent between different quantitative methods. Another popular method, GBCF, can predict potential interaction between known lncRNA and miRNA, while it is difficult to predict the interaction between novel lncRNAs and miRNAs. Additionally, PmliPred is an expert in predicting the interaction between lncRNAs and miRNAs in plants, while it performs poorly in animals. In order to solve these limitations, we propose a sequence features-based model called LncMirNet. LncMirNet introduces RNA sequence-based features including k-mer features and composition transition distribution (CTD) features [15] as well as deep learning-based features including doc2vec and graph embedding as input properties. LncMirNet employed the convolutional neural networks (CNN) model to predict potential interactions between lncRNAs and miRNAs. It contains three main steps: (1) constructing k-mer, CTD, doc2vec, and graph embedding features; (2) using the histogram-dd method to convert the constructed lncRNA/miRNA sequence features into their corresponding matrix, respectively; and (3) employing the CNN model to relearn the above constructing matrix features to predict the potential interactions between lncRNAs and miRNAs. For the public benchmark datasets (lncRNASNP2) [16], LncMirNet successfully predicted the potential interactions between lncRNAs and miRNAs with high evaluation performances. Compared with the other six state-of-the-art methods by five-fold validation, LncMirNet achieved more than 3% higher accuracy and AUC, respectively. Specifically, in terms of MCC, LncMirNet obtained over 6% improvement compared with other methods. Furthermore, LncMirNet outperformed all the competing methods on other metrics. From the experimental results, we can conclude that LncMirNet is a robust and high confidence tool for predicting the potential interactions between lncRNAs and miRNAs with RNA sequence-based features alone.

2. Materials and Methods

2.1. Materials

2.1.1. Datasets

The positive training data were obtained from the lncRNASNP2 database (January 2018 version) [16], which is available at http://bioinfo.life.hust.edu.cn/. In the lncRNASNP2 database, the true interactions were confirmed by laboratory examinations with the research literature. lncRNAs in lncRNASNP2 are indicated by Ensemble ID and we downloaded the corresponding human lncRNA sequences from GENCODE (https://www.gencodegenes.org/) [17]. We also extracted human miRNA sequences from the miRbase database (http://www.mirbase.org/) [18]. To filter out true interactions, we selected positive lncRNA–miRNA pairs when a record in lncRNASNP2 appeared as ‘hsa-miR’ and ‘ENST’ simultaneously. Finally, we obtained 258 miRNAs, 1663 lncRNAs, and 15,386 validation lncRNA–miRNA interactions and their corresponding sequences.

2.1.2. Constructing Positive and Negative Samples

In the lncRNASNP2 database, there were 15,386 validation lncRNA–miRNA interactions treated as positive samples. For negative interactions, we applied the same strategy widely used in the previous research to construct negative interactions including GEEL, SG-LSTM [19], and GCLMI. First, the Knuth–Durstenfeld shuffle algorithm [20] was utilized to shuffle the lncRNA set and miRNA set 10 times, respectively, and then a lncRNA (as lncRN1) and a miRNA (as miRNA1) were randomly selected from the lncRNA set and miRNA set individually. Second, if the lncRNA1–miRNA1 pair did not appear in the positive interactions and negative interactions, the lncRNA1–miRNA1 interaction was regarded as a negative sample. Finally, for the balance of true and negative samples, we repeated the shuffle and selection process and obtained 15,386 negative samples.

2.2. Methods

2.2.1. Overall Workflow

In our method, k-mer [21], CTD [15], and doc2vec [22] features were computed first for the lncRNA/miRNA sequences. Then, based on these features, the linear neighborhood similarity measure (LNS) [13] was applied to construct a lncRNA/miRNA neighborhood graph. After that, role2vec [23], a graph embedding method, was employed to embed each node. Role2vec incorporates both the graph structure and node attribute information to learn the representation for each node. Sequentially, the k-mer, CTD, doc2ve, and graph embedding features of lncRNAs/miRNAs were fused to a matrix for fitting the CNN learning pattern by a Histogram-dd. Histogram-dd can fuse multiple vectors to a histogram matrix. Finally, histogram matrices are fed to a CNN model. The CNN model uses filters to distill deep features to learn how to predict the potential interactions between lncRNAs and miRNAs. The overall workflow of LncMirNet is shown in Figure 1.

2.2.2. Construction Features

k-mer Features of RNA Sequence

The RNA sequence consists of Adenine (A), Uracil (U), Cytosine (C), and Guanine (G). In this paper, Uracil (U) in the RNA sequence was replaced by T (Thymidine). For a RNA sequence, the k-mer frequency distribution is a basic and indispensable feature that can be represented by the k-mer frequency. Four kinds of k-mer features including 1-mer, 2-mer, 3-mer, and 4-mer are introduced, where 1-mer records the counts of A, T, C, G; 2-mer saves the frequencies of AA, AT, …, GG; 3-mer holds the times of AAA, AAT, …, GGG; and 4-mer stores the numbers of AAAA, AAAT, …, GGGG. Finally, four kinds of k-mer features are merged into a vector with 340 ( 4 1 + 4 2 + 4 3 + 4 4 = 340 ) dimensions in all. Notedly, in this paper, for a miRNA sequence, we only computed 1-mer, 2-mer, and 3-mer features since the miRNA sequence is usually short (average length less than 30 nt) and 4-mer features for a miRNA are usually sparse.

Composition/Transition/Distribution (CTD) Features

Composition transition distribution (CTD) [1] is primarily proposed for predicting the protein folding class, which is a global protein sequence descriptor established by Dubchak’s work [24]. Lately, CTD features are found to relate to RNA structure and are seldom used to predict the interactions between lncRNAs and miRNAs. Therefore, in this paper, we applied CTD features to represent RNA structure information. CTD features with 30 dimensions are sourced from Composition, Transition, and Distribution, where the Composition features are the number of amino acids of a particular property divided by the total number of amino acids, the Transition features characterize the percent frequency with which amino acids of a particular property are followed by amino acids of different property, and the Distribution features measure the chain length within which the first, 25%, 50%, 75%, and 100% of the amino acids of a particular property are located.
For example, we used a toy RNA sequence ATACGTACTGCT GACGTAGC to show how to calculate the CTD features. The toy RNA sequence contains 5 A, 5 T, 5 G, and 5 C, so the composition is equal to 5/20 = 0.25, 5/20 = 0.25, 5/20 = 0.25, and 5/20 = 0.25. Transition includes AT, AC, AG, TG, TC, and GC, six features that describe the percent frequency with the conversion of four nucleotides between adjacent positions. AT represents the percent frequency of A adjoining T or T adjoining A. AC, AG, TG, TC, and GC are the same formulation of AT. Therefore, the transition for the toy RNA sequence is equal to 2/19 = 0.105, 3/19 = 0.158, 2/19 = 0.105, 4/19 = 0.211, 2/19 = 0.105, and 4/19 = 0.211. Distribution is five relative positions along the transcript sequence of each nucleotide, with 0 (first node), 25, 50, 75, and 100% (last node) to measure the nucleotide distribution. For As, the 0% was located at the first position in the toy RNA sequence, 25, 50, 75, and 100% at the third, seventh, fourteenth, and eighteenth position, respectively. So, As was 1/20 = 0.05, 3/20 = 0.15, 7/20 = 0.35, 14/20 = 0.7, and 18/20 = 0.9. Likewise, Ts, Gs, and Cs were 0.1, 0.3, 0.45, 0.6, 0.85, 0.25, 0.5, 0.65, 0.8, 0.95, 0.2, 0.4, 0.55, 0.75, and 1. We used A0, A1, A2, A3, A4, T0, T1, T2, T3, T4, G0, G1, G2, G3, G4, C0, C1, C2, C3, and C4 to represent the 20 features [1].

Distributed Representation Feature of RNA Sequence by doc2vec

A RNA sequence can be regarded as a sentence. Therefore, encoding sentence methods in neural language process (NLP) [25] can be introduced to represent RNA sequences. In this paper, doc2vec [22] was recommended to construct the distributed representation feature for a RNA sequence. Doc2vec uses local context and sentence global information to learn sentence representation. First, a continuous RNA sequence is segmented by a 3-mer window with forwarding step 1. Second, the segmented 3-mers are applied to train a doc2vec model. Finally, based on the trained doc2vec, any RNA sequence can be encoded into a fixed-size vector. The pipeline of RNA sequence encoded by doc2vec is shown in Figure 2 where the sequence global information records the sequence index that will be inferred to a fixed size vector to represent the RNA sequence.

Graph Embedding Methods to Represent RNA Sequence

The lncRNA–lncRNA/miRNA–miRNA interaction graph contains graph structure information. The graph information contributes to encoding the lncRNA/miRNA sequence. Each node in the graph indicates a lncRNA/miRNA and each edge illustrates their interaction. To construct the lncRNA/miRNA interactions graph, the k-mer count, CTD, and doc2vec encoding feature of a lncRNA/miRNA sequence were merged into union vectors. Sequentially, the union vectors were utilized to construct the lncRNA–lncRNA similarity matrix by LNS. For example, a lncRNA (as lnc1) whose top 15 close distance lncRNAs with a similarity weight larger than 0 is thought to be existing connections. Based on this strategy, the closely homologous lncRNAs are linked to Lnc1 to build the lncRNA–lncRNA interaction graph. For the miRNA–miRNA interaction graph, the building process was similar to the construction of the lncRNA–lncRNA interaction graph. Finally, the role2vec embedding method was employed to encode each node since role2vec can fully use graph structure and node attributes. In this paper, the embedding dimension was set as 128, the random walk order was set as one, and the rest of the parameters were set as the value based on author suggestion. After the graph embedding process, both lncRNA and miRNA were represented by 128 dimensional-vector fusing sequence and geometric information.

Constructing Matrix Features by Histogram-Dd

The strategy of fusing multiple category features may support the improvement of the performance of a classifier. Therefore, we used the histogram-dd method to convert lncRNA/miRNA vectors into their corresponding matrices, which exactly fit the CNN learning pattern. Like the approaches used in [26], a lncRNA/miRNA sequence can be disintegrated into three sub-sequences by starting at positions 0, 1, and 2, respectively. For these sub-sequences of lncRNA/miRNA, each sub-sequence was used to compute their corresponding k-mer, CTD, doc2vec, and graph embedding features. Finally, histogram-dd integrated these four categories of features of lncRNA/miRNA into their corresponding matrices with a size of 20 × 20 × 4 , respectively. The advantage of converting the lncRNA/miRNA vectors into matrices is that the transformed matrices not only save the original information of one-dimensional features but also fit the CNN learning pattern that supports the interaction prediction between lncRNAs and miRNAs.

2.2.3. Prediction Model by Convolutional Neural Networks

Deep learning technology has obtained numerous achievements in many bioinformatics applications. As one of the important deep learning models, CNN applies convolutional kernels to automatically extract potential features from the raw input data matrix. Many successful bioinformatics applications have proven that CNN is a powerful algorithm to solve classification and regulation problems. Hence, CNN is employed to predict the interactions between lncRNAs and miRNAs. The CNN predictor model consists of multiple convolution layers, dense layers (fully connected layers), batch normalization layers, dropout layers, etc. First, the inputs of the CNN model are two tensors with size a 20 × 20 × 4 corresponding to lncRNA and miRNA. After traversing multiple CNN layers, respectively, lncRNA tensors and miRNA tensors are merged as a fusing tensor for connecting dense layers. Each convolution layer consists of multiple filters with a 3 × 3 kernel size, stride one, and Rule activation function. Dropout layers are embedded into convolution layers to enhance the robustness of CNN. Batch normalization layers are employed to normalize the intermediate data to accelerate better training. We selected a sigmoid activation function on the output layer. When the predicted result was larger than 0.5, we believe that the candidate lncRNA–miRNA pair interaction exists. The detailed structure and parameters of LncMirNet are shown in Supplementary Figure S1.

2.3. Implementation of LncMirNet

LncMirNet was implemented by Keras 2.3.1 with backend Tensorflow 1.15.0 and all scripts were written by Python 3.6. LncMirNet was run on a PC with 4.3 GHz, 8 cores CPU, and 16 GB RAM under an open Linux operating system.

2.4. Evaluation Criteria

LncMirNet was evaluated by the widely used standard performance metrics, which are sensitivity (SN), specificity (SP), accuracy (ACC), F1-score ( F 1 ), and Matthews correlation coefficient (MCC). These evaluation metrics are defined as follows:
Sensitivity SN = TP TP + FN
Specificity SP = TN TN + FP
Accuracy ACC = TP + TN TP + TN + FP + FN
F 1 - score F 1 = 2 TP 2 TP + FP + FN
Mattews   correlation   coefficient   MCC = TP × TN FP × FN TP + FN × TP + FP × TN + FP × TN + FN
where TP , FP , TN , and FN represent the true positives, false positives, true negatives, and false negatives, respectively. We also plotted the receiver operating characteristic curves (ROC) and computed the area under the curve (AUC) to precisely show the different performances of each model.

3. Results

3.1. Experimental Settings

When constructing the k-mer features, 1-mer (41 = 4), 2-mer (42 = 16), 3-mer (43 = 64), and 4-mer (44 = 256) with forwarding step one were used, so altogether, 340 features were generated to represent a lncRNA sequence, while only 1-mer, 2-mer, and 3-mer were used for a miRNA sequence due to the short length of miRNA. The CTD method produces a 30-dimensional feature to encode a lncRNA/miRNA sequence. Doc2vec is an unsupervised method that combines local context information and sequence global information of a RNA sequence to indicate any RNA length sequence to a fixed size vector. Before training a doc2vec model, a lncRNA/miRNA sequence will be segmented into 3-mer items. Based on the segmented 3-mer items of a lncRNA/miRNA sequence, the distributed memory (PV-DM) [27] strategy is utilized to train a doc2vec model. We set a 128-dimensional vector and a 64-dimensional vector to hold the sequence global information of a lncRNA sequence and a miRNA sequence, respectively. For the graph embedding method, we employed the role2vec method. Role2vec is utilized to generate embedding expressions that focus on both the structure and neighbor information of networks. Each node in the lncRNA/miRNA graph is embedded into a 128-dimensional vector. After the process of feature construction, we obtain a 340-dimensional k-mer vector, a 30-dimensional CTD vector, a 128-dimensional doc2vec vector, and a 128-dimensional neighbor graph embedding vector for a lncRNA sequence as well as an 84-dimensional k-mer vector, a 30-dimensional CTD vector, a 64-dimensional doc2vec vector, and a 128-dimensional neighbor graph embedding vector for a miRNA sequence. Due to the CNN learning pattern, being friendly with the matrix data as input, we adopted a histogram-dd method to convert lncRNA/miRNA vectors into a 20 × 20 × 4 matrix, respectively, and fed these matrices to a CNN model for training.

3.2. The Effects of Feature Combination

To explore the performance of different combinations of four types of characteristics (k-mer features, CTD, doc2vec, graph embedding features), a five-fold cross validation experiment was conducted on all data. As shown in Table 1, on the training and test datasets, LncMirNet trained with all kinds of features achieved better performance and obtained the lowest accuracy when it used the k-mer features alone. The results show that the integration of four types of characteristics is a compelling combination for predicting the potential interactions between lncRNAs and miRNAs. Table 1 records the five-fold cross validation results.

3.3. Comparison with Six Other Methods on All Data

To evaluate the performance of LncMirNet, LncMirNet was compared with the other six state-of-the-art methods including GEEL, PmliPred, BiLSTM, SEAL, SVD, and Katz. GEEL calculated the lncRNA–lncRNA/miRNA–miRNA similarity matrix by the linear neighborhood similarity method by 5-mer features and constructed the lncRNA/miRNA interaction heterogeneous network. GEEL uses multiple graph embedding methods and a graph auto encoder [28] to represent each lncRNA/miRNA sequence and trains a random forest classifier to predict feasible interactions. PmliPred is based on a hybrid model and fuzzy decision for plant lncRNA–miRNA interactions prediction. PmliPred approves 110 features including k-mer frequency, GC content, base pairs number, and minimum free energy of lncRNA/miRNA sequences to form features and trains a random forest model. Furthermore, PmliPred also encodes the RNA sequence by one-hot and trains a CNN-BiGRU model. Based on the predicted result of the random forest model and CNN-BiGRU model, PmliPred uses the fuzzy decision to predict the final result. LncRNA–miRNA interaction problems can be regarded as a graph link prediction problem. In this paper, we also introduced a link prediction model, namely Subgraphs, Embeddings and Attributes for Link prediction (SEAL), as a compared method. SEAL learns heuristics from local subgraphs using a graph neural network (GNN), which is enabled to obtain better graph feature learning ability. BiLSTM, a time-series deep learning model, was also introduced as a compared method since the RNA sequence is a time-series data struct. BiLSTM is fed by one-hot embedding matrix of RNA sequence and outputs the predicted interaction probability. Additionally, we also selected Singular Value Decomposition (SVD), a traditional matrix factorization method, as a compared method, which uses the decomposition method of adjacency matrix to represent lncRNA and miRNA. Based on the representation of SVD, the random forest model was used to classify the interaction between lncRNA and miRNA. Katz is often used to link prediction problems, which can distinguish the influence of different neighbor nodes and get the influence value of each node. Based on the node influence, Katz utilizes the random forest model to predict the potential interactions between lncRNAs and miRNAs.
Five-fold cross validation was used to evaluate the performance of seven models. All lncRNA–miRNA interactions were randomly divided into five equal-sized subsets. Furthermore, Sensitivity, Specificity, F1-score, Accuracy, and MCC were adopted as evaluation metrics and AUCs were calculated and ROCs plotted to distinguish the performance of each prediction model. As shown in Table 2, LncMirNet achieved a MCC score of 0.7124 and AUC score of 0.9381, which outperformed GEEL (MCC score: 0.6445; AUC score: 0.8982), PmliPred (MCC score: 0.6004; AUC score: 0.9030), BiLSTM (MCC score: 0.4359; AUC score: 0.7876), SEAL (MCC score: 0.5754; AUC score: 0.8658), SVD (MCC score: 0.3142; AUC score: 0.7156), and Katz (MCC score: 0.1930; AUC score: 0.6459). On the other metrics including Sensitivity, Specificity, F1-score and Accuracy, LncMirNet outperformed the compared methods most times. The superior performances of LncMirNet are due to two reasons. On one hand, LncMirNet fully exploits the structure information of the lncRNA–lncRNA/miRNA–miRNA graph by graph embedding methods and integrates multiple RNA sequence features including k-mer, CTD, and doc2vec features. On the other hand, LncMirNet converts lncRNA/miRNA vectors to a matrix by histogram-dd and employs a powerful CNN model to relearn potential features for improving the performance of LncMirNet. Based on these superiorities, LncMirNet obtained better performance compared with the other state-of-the-art methods. Moreover, LncMirNet is not limited to predict the interactions between known lncRNAs and known miRNAs. The learning pattern of LncMirNet also fits other interaction problems. We also plotted the ROC curve of seven methods to further show the distinct performance. Figure 3 shows the seven ROC curves, and we can see that the LncMirNet curve was above on all compared methods.

3.4. Negative Samples Analysis

In this paper, the pairs between lncRNAs and miRNAs without interaction were treated as negative samples. We generated the same number of negative samples as known positive samples to obtain a balanced dataset. However, positive datasets and negative datasets are not balanced most of time. Therefore, we tried to explore the performance of LncMirNet in the different sample ratios. β records the different ratios between negative samples and positive samples and ranged from 0.25, 0.5, 1.0, 2.0 to 4.0. Table 3 shows the experimental results. Although the dataset was not balanced, LncMirNet could still obtain excellent results. When the ratio β was 1.0, LncMirNet had a higher AUC value. The unbalanced dataset experiments showed that LncMirNet is a robust and reliable model to predict potential interactions between lncRNAs and miRNAs.

4. Discussion

Deep learning technology has yielded inspiring achievements for many bioinformatics issues [29]. Due to the increasing training data and relatively complex network struct, the issue of identifying lncRNA–miRNA interaction is a significant and indispensable step in exploring the functions between lncRNA and miRNA. With the increasing development of RNA sequence technology, numerous novel lncRNA and miRNA have been found. How to determine their interactions easily is of utmost urgency. In this paper, a hybrid features-based deep learning model was proposed. First, k-mer, CTD, and doc2vec features were utilized to represent lncRNA/miRNA sequences. Then, based on the sequence features of lncRNAs/miRNAs, a lncRNA-lncRNA graph and a miRNA–miRNA graph were generated by LNS. To fully distill the graph information, role2vec, a graph embedding method, was introduced to indicate each node (lncRNA/miRNA). The hybrid features can fully encode a lncRNA/miRNA sequence from different perspectives. Sequentially, lncRNA/miRNA features were converted to their corresponding matrices by histogram-dd for feeding a CNN model. These converted matrices not only hold original information, but also fit a CNN learning pattern. These pipelines are homologous to cascade learning with twice-feature learning. Additionally, the learning pattern can be extended to other similar problems such as protein–protein interaction, gene–miRNA interaction, etc. Therefore, due to the hybrid features embedding and CNN learning patterns, LncMirNet achieved a superior performance.

5. Conclusions

In this paper, we proposed a novel method based on hybrid sequence features including k-mer, CTD, doc2vec, and graph embedding features and a CNN model, namely LncMirNet, to predict lncRNA–miRNA interactions. LncMirNet is an efficient method that only relies on RNA sequence-based features. The compared experiments on lncRNASNP2 show that LncMirNet achieved more than 3%, a 6% improvement in terms of AUC and MCC, respectively, and has good generalization ability on unbalanced datasets. The predicted results of LncMirNet may lay the foundation for the construction of the lncRNA–miRNA interaction database in the future. LncMirNet may also provide valuable references for other interaction prediction studies. Overall, LncMirNet successfully identified lncRNA–miRNA interactions by sequence features alone and may contribute to other interaction research.

6. Data Availability Statement

Publicly available datasets were analyzed in this study. Codes and data are available at https://github.com/abcair/LncMirNet, which contains detailed steps to run LncMirNet. Moreover, a Supplementary Manual S1 is available to illustrate how to predict interactions between novel lncRNAs and miRNAs.

Supplementary Materials

The following are available online, (Figure S1: The detailed struct of LncMirNet, Manual S1: How to run LncMirNet.pdf).

Author Contributions

S.Y. conceived the algorithm, developed the program, and wrote the manuscript. Y.W., L.H., K.H., and D.S. helped with manuscript editing and design. Y.L. prepared the datasets. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China (Nos. 62072212, 61772227, 61702214), the Development Project of Jilin Province of China (Nos 20180414012GH, 20200401083GX, 2020C003), and the Guangdong Key Project for Applied Fundamental Research (Grant 2018KZDXM076). This work was also supported by the Jilin Provincial Key Laboratory of Big Data Intelligent Computing (No. 20180622002JC).

Conflicts of Interest

The authors declare that there are no conflict of interest.

References

  1. Yang, S.; Wang, Y.; Zhang, S.; Hu, X.; Ma, Q.; Tian, Y. NCResNet: Noncoding Ribonucleic Acid Prediction Based on a Deep Resident Network of Ribonucleic Acid Sequences. Front. Genet. 2020, 11, 1–13. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  2. Huang, J.Z.; Chen, M.; Chen, D.; Gao, X.C.; Zhu, S.; Huang, H.; Hu, M.; Zhu, H.; Yan, G.R. A Peptide Encoded by a Putative lncRNA HOXB-AS3 Suppresses Colon Cancer Growth. Mol. Cell 2017, 68, 171–184.e6. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  3. Chakravarty, D.; Sboner, A.; Nair, S.S.; Giannopoulou, E.; Li, R.; Hennig, S.; Mosquera, J.M.; Pauwels, J.; Park, K.; Kossai, M.; et al. The oestrogen receptor alpha-regulated lncRNA NEAT1 is a critical modulator of prostate cancer. Nat. Commun. 2014, 5, 1–16. [Google Scholar] [CrossRef] [PubMed]
  4. Bhan, A.; Mandal, S.S. LncRNA HOTAIR: A master regulator of chromatin dynamics and cancer. Biochim. Biophys. Acta Rev. Cancer 2015, 1856, 151–164. [Google Scholar] [CrossRef] [Green Version]
  5. Sun, M.; Nie, F.; Wang, Y.; Zhang, Z.; Hou, J.; He, D.; Xie, M.; Xu, L.; De, W.; Wang, Z.; et al. LncRNA HOXA11-AS promotes proliferation and invasion of gastric cancer by scaffolding the chromatin modification factors PRC2, LSD1, and DNMT1. Cancer Res. 2016, 76, 6299–6310. [Google Scholar] [CrossRef] [Green Version]
  6. Xue, X.; Yang, Y.A.; Zhang, A.; Fong, K.W.; Kim, J.; Song, B.; Li, S.; Zhao, J.C.; Yu, J. LncRNA HOTAIR enhances ER signaling and confers tamoxifen resistance in breast cancer. Oncogene 2016, 35, 2746–2755. [Google Scholar] [CrossRef] [Green Version]
  7. Cao, S.; Liu, W.; Li, F.; Zhao, W.; Qin, C. Decreased expression of lncRNA GAS5 predicts a poor prognosis in cervical cancer. Int. J. Clin. Exp. Pathol. 2014, 7, 6776–6783. [Google Scholar]
  8. Cai, Y.; Yu, X.; Hu, S.; Yu, J. A Brief Review on the Mechanisms of miRNA Regulation. Genom. Proteom. Bioinform. 2009, 7, 147–154. [Google Scholar] [CrossRef] [Green Version]
  9. Peng, W.X.; Koirala, P.; Mo, Y.Y. LncRNA-mediated regulation of cell signaling in cancer. Oncogene 2017, 36, 5661–5667. [Google Scholar] [CrossRef]
  10. Huang, Z.A.; Huang, Y.A.; You, Z.H.; Zhu, Z.; Sun, Y. Novel link prediction for large-scale miRNA-lncRNA interaction network in a bipartite graph. BMC Med. Genom. 2018, 11, 113. [Google Scholar] [CrossRef] [Green Version]
  11. Huang, Y.A.; Chan, K.C.C.; You, Z.H. Constructing prediction models from expression profiles for large scale lncRNA-miRNA interaction profiling. Bioinformatics 2018, 34, 812–819. [Google Scholar] [CrossRef] [PubMed]
  12. Huang, Y.A.; Huang, Z.A.; You, Z.H.; Zhu, Z.; Huang, W.Z.; Guo, J.X.; Yu, C.Q. Predicting lncRNA-miRNA Interaction via Graph Convolution Auto-Encoder. Front. Genet. 2019, 10, 1–9. [Google Scholar] [CrossRef] [Green Version]
  13. Zhou, S.; Yue, X.; Xu, X.; Liu, S.; Zhang, W.; Niu, Y. LncRNA-miRNA interaction prediction from the heterogeneous network through graph embedding ensemble learning. In Proceedings of the IEEE International Conference on Bioinformatics and Biomedicine, BIBM 2019, San Diego, CA, USA, 18–21 November 2019; pp. 622–627. [Google Scholar] [CrossRef]
  14. Kang, Q.; Meng, J.; Cui, J.; Luan, Y.; Chen, M. PmliPred: A method based on hybrid model and fuzzy decision for plant miRNA–lncRNA interaction prediction. Bioinformatics 2020. [Google Scholar] [CrossRef] [PubMed]
  15. Tong, X.; Liu, S. CPPred: Coding potential prediction based on the global description of RNA sequence. Nucleic Acids Res. 2019, 47. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  16. Miao, Y.R.; Liu, W.; Zhang, Q.; Guo, A.Y. LncRNASNP2: An updated database of functional SNPs and mutations in human and mouse lncRNAs. Nucleic Acids Res. 2018, 46, D276–D280. [Google Scholar] [CrossRef] [PubMed]
  17. Frankish, A.; Diekhans, M.; Ferreira, A.M.; Johnson, R.; Jungreis, I.; Loveland, J.; Mudge, J.M.; Sisu, C.; Wright, J.; Armstrong, J.; et al. GENCODE reference annotation for the human and mouse genomes. Nucleic Acids Res. 2019, 47, D766–D773. [Google Scholar] [CrossRef] [Green Version]
  18. Kozomara, A.; Birgaoanu, M.; Griffiths-Jones, S. MiRBase: From microRNA sequences to function. Nucleic Acids Res. 2019, 47, D155–D162. [Google Scholar] [CrossRef]
  19. Xie, W.; Luo, J.; Pan, C.; Liu, Y. SG-LSTM-FRAME: A computational frame using sequence and geometrical information via LSTM to predict miRNA–gene associations. Brief. Bioinform. 2020, 1–11. [Google Scholar] [CrossRef]
  20. Marín, R.M.; Šulc, M.; Vaníček, J. Searching the coding region for microRNA targets. RNA 2013, 19, 467–474. [Google Scholar] [CrossRef] [Green Version]
  21. Liu, B.; Fang, L.; Wang, S.; Wang, X.; Li, H.; Chou, K.C. Identification of microRNA precursor with the degenerate K-tuple or Kmer strategy. J. Theor. Biol. 2015, 385, 153–159. [Google Scholar] [CrossRef]
  22. Lau, J.H.; Baldwin, T. An Empirical Evaluation of doc2vec with Practical Insights into Document Embedding Generation. In Proceedings of the 1st Workshop on Representation Learning for NLP, Berlin, Germany, 11 August 2016; pp. 78–86. [Google Scholar] [CrossRef]
  23. Ahmed, N.; Rossi, R.A.; Lee, J.; Willke, T.; Zhou, R.; Kong, X.; Eldardiry, H. Role-based Graph Embeddings. IEEE Trans. Knowl. Data Eng. 2020, 4347, 1–15. [Google Scholar] [CrossRef]
  24. Dubchak, I.; Muchnik, I.; Holbrook, S.R.; Kim, S.H. Prediction of protein folding class using global description of amino acid sequence. Proc. Natl. Acad. Sci. USA 1995, 92, 8700–8704. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  25. Cambria, E.; White, B. Jumping NLP curves: A review of natural language processing research. IEEE Comput. Intell. Mag. 2014, 9, 48–57. [Google Scholar] [CrossRef]
  26. Ito, E.A.; Katahira, I.; da Rocha Vicente, F.F.; Pereira, L.F.P.; Lopes, F.M. BASiNET—Biological sequences network: A case study on coding and non-coding RNAs identification. Nucleic Acids Res. 2018, 46, 1–9. [Google Scholar] [CrossRef] [PubMed]
  27. Le, Q.; Mikolov, T. Distributed representations of sentences and documents. In Proceedings of the 31st International Conference on Machine Learning, ICML 2014; Xing, E.P., Jebara, T., Eds.; PMLR: Beijing, China, 2014; Volume 4, pp. 2931–2939. [Google Scholar]
  28. Simonovsky, M.; Komodakis, N. GraphVAE: Towards generation of small graphs using variational autoencoders. In International Conference on Artificial Neural Networks; Springer: Cham, Switzerland, 2018; pp. 412–422. [Google Scholar] [CrossRef] [Green Version]
  29. Min, S.; Lee, B.; Yoon, S. Deep learning in bioinformatics. Brief. Bioinform. 2017, 18, 851–869. [Google Scholar] [CrossRef] [Green Version]
Sample Availability: All data and code are available from the authors.
Figure 1. The overall workflow of LncMirNet. (A) Sub-sequence of a lncRNA/miRNA starting with position 0, 1, 2 respectively; (B) process to construct k-mer, CTD, and doc2vec and graph embedding features; (C) process to convert the lncRNA/miRNA vectors into a matrix; (D) process to predict potential interaction between lncRNA and miRNA by a CNN model.
Figure 1. The overall workflow of LncMirNet. (A) Sub-sequence of a lncRNA/miRNA starting with position 0, 1, 2 respectively; (B) process to construct k-mer, CTD, and doc2vec and graph embedding features; (C) process to convert the lncRNA/miRNA vectors into a matrix; (D) process to predict potential interaction between lncRNA and miRNA by a CNN model.
Molecules 25 04372 g001
Figure 2. The training and inferring pipeline of doc2vec. (A) 3-mer segmentation process; (B) training process of a doc2vec model; (C) inferring process of doc2vec to encode a RNA sequence to a fixed-size vector.
Figure 2. The training and inferring pipeline of doc2vec. (A) 3-mer segmentation process; (B) training process of a doc2vec model; (C) inferring process of doc2vec to encode a RNA sequence to a fixed-size vector.
Molecules 25 04372 g002
Figure 3. Receiver operating characteristic curves of seven methods on all data by five-fold cross validation.
Figure 3. Receiver operating characteristic curves of seven methods on all data by five-fold cross validation.
Molecules 25 04372 g003
Table 1. Effects of feature information in terms of prediction accuracy.
Table 1. Effects of feature information in terms of prediction accuracy.
k-merk-mer,
CTD
k-mer,
CTD,
doc2vec
k-mer, CTD,
doc2vec,
Graph Embedding
Training0.86090.88020.90480.9140
Test0.80040.81880.83210.8534
Table 2. The results of the six methods by five-fold cross validation on all data.
Table 2. The results of the six methods by five-fold cross validation on all data.
SensitivitySpecificityF1-ScoreAccuracyAUCMCC
GEEL0.80400.84010.81870.82200.89820.6445
PmliPred0.88000.71180.81170.79590.90300.6004
BiLSTM0.80270.62630.72390.71450.78760.4359
SEAL0.76500.80970.78250.78740.86580.5754
SVD0.65480.65940.65950.65710.71560.3142
Katz0.59690.59610.59530.59640.64590.1930
LncMirNet0.91580.79100.86200.85340.93810.7124
Table 3. Different β in negative sample generation.
Table 3. Different β in negative sample generation.
β Number of Positive SamplesNumber of Negative SamplesAUC
0.2515,38638460.8519
0.515,38676930.8729
1.015,38615,3860.9381
2.015,38630,7720.9067
4.015,38661,5440.8834

Share and Cite

MDPI and ACS Style

Yang, S.; Wang, Y.; Lin, Y.; Shao, D.; He, K.; Huang, L. LncMirNet: Predicting LncRNA–miRNA Interaction Based on Deep Learning of Ribonucleic Acid Sequences. Molecules 2020, 25, 4372. https://0-doi-org.brum.beds.ac.uk/10.3390/molecules25194372

AMA Style

Yang S, Wang Y, Lin Y, Shao D, He K, Huang L. LncMirNet: Predicting LncRNA–miRNA Interaction Based on Deep Learning of Ribonucleic Acid Sequences. Molecules. 2020; 25(19):4372. https://0-doi-org.brum.beds.ac.uk/10.3390/molecules25194372

Chicago/Turabian Style

Yang, Sen, Yan Wang, Yu Lin, Dan Shao, Kai He, and Lan Huang. 2020. "LncMirNet: Predicting LncRNA–miRNA Interaction Based on Deep Learning of Ribonucleic Acid Sequences" Molecules 25, no. 19: 4372. https://0-doi-org.brum.beds.ac.uk/10.3390/molecules25194372

Article Metrics

Back to TopTop