Nothing Special   »   [go: up one dir, main page]

Skip to main content
Advertisement
  • Loading metrics

Deep6mA: A deep learning framework for exploring similar patterns in DNA N6-methyladenine sites across different species

Abstract

N6-methyladenine (6mA) is an important DNA modification form associated with a wide range of biological processes. Identifying accurately 6mA sites on a genomic scale is crucial for under-standing of 6mA’s biological functions. However, the existing experimental techniques for detecting 6mA sites are cost-ineffective, which implies the great need of developing new computational methods for this problem. In this paper, we developed, without requiring any prior knowledge of 6mA and manually crafted sequence features, a deep learning framework named Deep6mA to identify DNA 6mA sites, and its performance is superior to other DNA 6mA prediction tools. Specifically, the 5-fold cross-validation on a benchmark dataset of rice gives the sensitivity and specificity of Deep6mA as 92.96% and 95.06%, respectively, and the overall prediction accuracy is 94%. Importantly, we find that the sequences with 6mA sites share similar patterns across different species. The model trained with rice data predicts well the 6mA sites of other three species: Arabidopsis thaliana, Fragaria vesca and Rosa chinensis with a prediction accuracy over 90%. In addition, we find that (1) 6mA tends to occur at GAGG motifs, which means the sequence near the 6mA site may be conservative; (2) 6mA is enriched in the TATA box of the promoter, which may be the main source of its regulating downstream gene expression.

Author summary

DNA N6 methyladenine (6mA) is a newly recognized methylation modification in eukaryotes. It exists widely and conservatively in organisms, and its modification level changes dynamically in the whole life cycle. This study proposes an algorithm based on a deep learning framework including LSTM and CNN to predict 6mA sites. The results showed that our method could accurately predict the 6mA sites in different species, which means DNA sub-sequences containing 6mA sites among species have certain conservation. Importantly, we found that 6mA methylation in most different species is more likely to occur on the GAGG motif. In addition, we also found that 6mA is rich in the promoter’s TATA box, which may be a mechanism of regulating downstream gene expression.

This is a PLOS Computational Biology Methods paper.

Introduction

DNA methylation modifications such as N4-methylcytosine (4mC), N6-methyladenine (6mA), and 5-methylcytosine (5mC) play important roles in epigenetic regulation of gene expression without altering the sequence, and it is widely distributed in the genome of different species [1]. DNA N6-methyladenine (6mA) refers to the methylation of the 6th nitrogen atom of adenine, which has been found to play an important role in the epigenetic modification of eukaryotic DNA in recent years [2]. Previous studies have shown that 6mA plays important roles in DNA repair [34], DNA replication [5], regulating gene transcription [6] and gene expression regulation [7]. Although 6mA sites are not uniformly distributed across the genome and they may be affected by environmental factors [8], the methylation protection is a genetic state, and 6mA in prokaryotes and eukaryotes shows similar characteristics [9]. DNA 6mA on the genome is essential to reveal the detail of epigenetic modification process.

Due to recent advances in high-throughput sequencing technologies, various experimental techniques were reported to promote the study of 6mA distribution and its potential function in genome of eukaryotes and prokaryotes. For example, Pormraning et al. [10] applied sequencing of methylated DNA immunoprecipitation technique to reveal the presence of DNA methylation in eukaryotes. Krais et al. [11] reported that the capillary electrophoresis with laser-induced fluorescence can be used to detect global adenine methylation in DNA. Meanwhile, Flusberg et al. [12] used a method based on single-molecule, real-time sequencing technique to detect DNA methyladenine directly. Greer et al. [13] developed a method with the ultra-high-performance liquid chromatography and the mass spectrometry to discover the signals of DNA 6mA sites. These methods advanced the research of 6mA. By using 6mA-IP-Seq, Fu et al. [14] found that 84% of 6mA modification exit in Chlamydomonas genes. Koziol et al. [15] identified the 6mA modification in vertebrates by using HPLC, blots, and sequencing of methylated DNA Immunoprecipitation (MeDIP-seq). Zhou et al. [16] found through 6mA immunoprecipitation, mass spectrometry, and single molecule realtime that 0.2% of adenines in the rice genome are 6mA methylated and GAGG-rich sequences are the most significantly enriched for 6mA.

To date, tools were developed to predict 6mA methylation modification. For instance, Chen et al. [17] proposed a method called i6mA-Pred to identify DNA 6mA sites based on the support vector (SVM) with 164 chemical features of nucleotides and position-specific nucleotide frequencies. The i6mA-Pred shows a good classification performance in rice 6mA data. However, it does not fully capture the information between nearby nucleotides. To address this weakness, Pian et al. [18] used a first-order Markov model, MM-6mAPred, to predict 6mA sites. Their results show that the significant difference of the transfer probabilities of adjacent nucleotides is the key to the improved performance of MM-6mAPred. Kong et al. [19] employed the Dinucleotide composition and dinucleotide-based DNA properties to represent DNA sequences, it also used a bagging classifier to build the prediction model which called i6mA-DNCP. Compared with i6mA-Pred and i6mA-DNCP, MM-6mAPred has a better performance in terms of prediction accuracy. Shaherin et al. [20] developed a predictor called SDM6A which explored various features and five encoding methods for identifying DNA 6mA sites. Liu et al. [21] proposed a machine learning-based prediction tool named csDMA which used three feature encoding schemes, Motif, Kmer and Binary to generate the feature matrix.

The above five prediction models were trained on the 880 rice 6mA sites and 880 non-6mA sites [17]. They did not consider the complex structure information in the sequence such as linkage disequilibrium between nucleotides, thus, there is still some room to improve. Zhou et al. [16] found 265,290 rice 6mA sites through a variety of experimental methods, such as HPLC-MS/MS, 6mA immunoprecipitation sequencing and Single Molecule Real-Time (SMRT), which enables us to train complex models for 6mA identification. For example, Lv et al. [22] provided a new random forest model named iDNA6mA-rice based on the reconstructed 154,000 6mA sites and 154,000 non-6mA sites. iDNA6mA-rice is mainly realized by the random forest algorithm module (RF) based on three feature extraction techniques: K-tuple nucleotide frequency component, mono-nucleotide binary encoding and natural vector. Based on Convolutional Neural Networks (CNN), Yu and Dai [23] proposed a method named SNNRice6mA to predict the 6mA sites of rice, and showed its advantages over other methods. It is known to us that there is a strong dependence between nucleotides on the sequence, especially on the conserved DNA sequences, thus, the key difficulty in 6mA prediction is to take into consideration this dependence structure in statistical modeling. However, as we known, CNN is limited in learning information about long-distance dependence although it has a strong learning ability in the fields of image recognition, voice recognition and agricultural intelligence [2427].

Recurrent Neural Network (RNN) is a special neural network structure, inspired by the fact that human cognition is based on past experience and memory. Different from CNN, RNN not only considers the input of the previous moment, but also can effectively "remember" the previous content. Therefore, RNN has an advantage in analyzing the sequence containing timing information. At present, RNN has been widely used in fields such as natural language processing, image processing, machine translation, speech recognition and bioinformatics [2830]. However, it is difficult to train an RNN due to gradient disappearance or gradient explosion. Long Short-Term Memory (LSTM) and Gate Recurrent Unit (GRU) are proposed to overcome this difficulty, and they are the most commonly used RNNs.

In this study, we introduced a novel deep learning framework named Deep6mA to identify DNA 6mA sites. Deep6mA composed of a CNN and a bidirectional LSTM (BLSTM) module is shown to have a better performance than other methods on 6mA prediction. Interestingly, we find that the motif with the highest frequency of 6mA methylation is concentrated on GAGG among four plant species: Rice, Arabidopsis thaliana, Fragaria vesca and Rosa chinensis, which means the 6mA methylation has similar patterns across different species. This is further evidenced by the fact that the model trained by rice data has a high accuracy to predict 6mA in other three species. We may conclude from these results that the sequence prone to DNA 6mA methylation among different species is conservative, and Deep6mA may also be applicable to analyze the 6mA site of other plant species. More importantly, we found that 6mA is generally enriched in TATA box of the promoter. This may be an important way for 6mA to regulate gene expression.

Results

Comparing CNN with CNN+LSTM

In this section, we compare the performance of CNN with CNN + LSTM based on the same training data under different settings of CNN. Note that we use the same structure of CNN to compare these two methods. The number of convolution layer in CNN and CNN+LSTM models is set as 1, 2, or 3, the corresponding convolution kernel size is set as 5, 8, 10, or 16 (discussion on selecting the number of CNN layers and kernel size is given in S2 Fig) and the number of convolution kernel is set as 256. Finally, the unit number of LSTM in CNN+LSTM models is set to 32. Table 1 shows the performance of these two methods under different convolution layers and kernel sizes. The result shows that the performance of CNN + LSTM is better than that of CNN, due to the ability of LSTM to learn the dependence structure underlying the sequence.

thumbnail
Table 1. The performance of CNN and CNN + LSTM based on 6mA-rice-Lv dataset under different CNN layers and kernel sizes.

https://doi.org/10.1371/journal.pcbi.1008767.t001

In addition, we use 6mA-rice-Chen and Fragaria vesca data as additional independent verification datasets to test whether this marginal improvement of CNN + LSTM is applicable to other data. The results from S1 and S2 Tables show that the performance of CNN + LSTM is better than that of CNN when they have the same CNN structure.

Selecting model parameters of CNN+LSTM

It is known that the performance of CNN+LSTM framework depends on the filter size and the number of convolution kernels of the convolution layer, and number of hidden units in LSTM. To simplify notations, we denote the CNN+LSTM framework with x convolution layer(s), y convolution kernel(s), z filter size and w hidden units as a CNN+LSTM with parameter x-y-z-w. In this section, we select the best CNN+LSTM model from 30 different settings of parameter x, y, z, w by 5-fold cross-validation. Specifically, we take x from {1, 2, 3, 4, 5}, y from {64, 256, 512}, w from {16, 32} and fix z at 10. Fig 1 shows the prediction performance of CNN+LSTM model under different settings of parameters. According to these results, the CNN+LSTM with parameter 5-256-10-32 is chosen as our final CNN+LSTM model.

thumbnail
Fig 1. Prediction performance of CNN+LSTM model under different settings of parameters.

The CNN+LSTM with parameter 5-256-10-32 is chosen as our final CNN+LSTM model (convolution layer: 5, convolution kernel: 256, filter size: 10, hidden units of LSTM: 32).

https://doi.org/10.1371/journal.pcbi.1008767.g001

Location features of 6mA sites

In this section, we investigate the location features of 6mA sites, that is, to see whether 6mA methylation is enriched in a contiguous region of the genome. Fig 2A shows the distribution of the distance between adjacent 6mA sites in 12 chromosomes. According to the results, we find that (1) the distributions of the distance between adjacent 6mA sites are similar for different chromosomes; and (2) the mean of the distance between adjacent 6mA sites is greater than 64nt, which indicates that 6mA sites seldom occur in a continuous region like 5mC sites to form a DMR. To further investigate the location feature of 6mA sites which indeed cluster together, we look inside the subsequences of length 30nt with more than five 6mA sites, and find that almost all of the 6mA sites in such subsequences are located in the TATA boxes of the promoters (see Fig 2B for examples, more details are given in S3 Table). This implies that 6mA may, in general, be enriched in TATA box, which is an important functional component of the promoter. The transcription process will not start until RNA polymerase binds tightly on TATA box. Therefore, the enrichment of 6mA methylation on TATA box may directly affect the expression of downstream genes. This may be an important regulatory function of 6mA methylation modification.

thumbnail
Fig 2. Location features of 6mA sites in the sequence.

(A) The distribution of 6mA methylation modification on 12 chromosomes. The X axis and Y axis represent the 12 chromosomes and the logarithm of distance between adjacent 6mA site. (B) Three examples of sequences containing TATA box enriched with 6mA methylation (colored in red).

https://doi.org/10.1371/journal.pcbi.1008767.g002

Comparison with other leading methods

It is shown that classification performance of MM-6mAPred is better than those of i6mA-Pred, iDNA6mA, csDMA, SDM6A and i6mA-DNCP based on the same data set (880 positive samples+880 negative samples) [17,1922], and the performance of SNNRice6mA is better than that of iDNA6mA-Rice [2223]. Therefore, we only compare Deep6mA with MM-6mAPred and SNN-Rice6mA. We use 5-fold cross-validation to evaluate the performance of Deep6mA, SNNRice6mA and MM-6mAPred based on 6mA-rice-Lv dataset (see Section “Benchmark dataset”). For SNNRice6mA, the number of convolution layer and convolution kernel is set to 1 and 4, respectively, and the filter size and fully connect layer size of SNNRice6mA is set to 3 and 64, respectively. Deep6mA is the best one among these methods in terms of SN, SP, ACC, MCC and AUC as shown in Table 2 with SN, SP, ACC, MCC and AUC as 95.06%, 92.96%, 94.01%, 0.88 and 0.98 respectively. The better performance of Deep6mA is mainly due to the ability of BLSTM to learn the dependence structure between distant nucleotides. To be specific, BLSTM is able to get useful information from a previous position for current position, and the distance between these two positions is adaptive to the sequence, maybe as short as 1 bp, or as long as 100 bp. This exactly matches the feature of 6mA sites that the distance between 6mA sites varies, since the position of the 6th nitrogen atom of adenine varies. In other words, BLSTM learns from training data how to predict the 6mA status of current site by using 6mA status of previous sites, and it also learns how many previous sites are used.

thumbnail
Table 2. Comparison of Deep6mA, SNNRice6mA and MM-6mAPred based on 6mA-rice-Lv dataset.

https://doi.org/10.1371/journal.pcbi.1008767.t002

In addition, the ROC curve and PR curve of Deep6mA, SNNRice6mA and MM-6mAPred are shown in Fig 3. The area under curve of Deep6mA is 0.979, which is higher than that from other two methods. All these results show that our method Deep6mA is the best one among these methods.

thumbnail
Fig 3. The ROC curves (A) and PRC curves (B) of Deep6mA based on 6mA-rice-Lv dataset.

https://doi.org/10.1371/journal.pcbi.1008767.g003

To further verify the performance of our proposed method, we also compared the prediction performance of Deep6mA, SNNRice6mA-large and MM-6mAPred based on the 6mA-rice-Chen dataset (880 positive and negative samples) [23]. The results shown in Table 3 indicate that the performance of Deep6mA is also better than those of SNNRice6mA-large and MM-6mAPred for the 6mA-rice-Chen dataset.

thumbnail
Table 3. Comparison of Deep6mA, SNNRice6mA-large and MM-6mAPred based on 6mA-rice-Chen dataset.

https://doi.org/10.1371/journal.pcbi.1008767.t003

Validation on other three plant species

Results in Section “Comparison of motifs across different species” show that 6mA is conservative among different species, which suggest that Deep6mA trained on rice data is applicable to predict the 6mA sites of other species. In the following, we try to validate this principle by applying the trained Deep6mA to the 6mA data of other plant species: Arabidopsis thaliana with sample size 98483, Fragaria vesca with positive and negative sample size 1417, and Rosa chinensis with sample size 5733 (see Section “Benchmark dataset” for details). i6mA-DNCP was not compared in this part because the performance of i6mA-DNCP is not as good as that of MM-6mAPred in rice 6mA data. The prediction results on these three test datasets are listed in Table 4. We found that Deep6mA trained with rice 6mA data predicts with high accuracy the 6mA sites in other three species. The prediction performance of our method is better than SNNRice6mA and MM-6mAPred. In addition, we also draw ROC and PRC curves (Fig 4), and the results show that the performance of our Deep6mA is better than the other two tools.

thumbnail
Fig 4. The ROC curves (A, B and C) and PRC curves (D, E and F) of three models (Deep6mA, SNNRice6mA-large and MM-6mAPred) based on three datasets (F.vesca, R.chinensis and A.thaliana).

https://doi.org/10.1371/journal.pcbi.1008767.g004

thumbnail
Table 4. Prediction accuracy of Deep6mA, SNNRice6mA and MM-6mAPred trained with rice data on Fragaria vesca, Rosa chinensis and Arabidopsis thaliana.

https://doi.org/10.1371/journal.pcbi.1008767.t004

Comparison of motifs across different species

As shown in previous section, Deep6mA trained with rice data predict well the 6mA sites of the other three species, which implies that 6mA sequences of these different species should be conservative in some structure. This motivates us to compare motifs from these species. Firstly, MEME algorithm [31], a popular motif discovery method (available at http://meme-suite.org/tools/meme), is used for analyzing sequences with experimentally verified 6mA sites (Rice: 154,000, Arabidopsis thaliana: 98483, Fragaria vesca: 5733 and Rosa chinensis: 1417). Fig 5 shows the two most significant motifs for each specie. The result indicates that GAGG is the most significantly associated motif in these four species. Hence, we infer that DNA 6mA methylation occurs most frequently at GAGG motifs across different species. Xiao et al. [32] also pointed out that (G/C) AGG (C/T) is the most frequent motif in human genome. This suggests that the sequence near the DNA 6mA methylation site may be conserved among different species.

thumbnail
Fig 5. The top two significant motifs in the sequence near the 6mA site of four species.

(A: Arabidopsis thaliana, B: Rosa chinensis, C: Rice and D: Fragaria vesca).

https://doi.org/10.1371/journal.pcbi.1008767.g005

We are not sure whether Deep6mA learns similar pattern from the training data (rice data), although Deep6mA is a deep learning framework which is able to learn DNA sequence patterns by discovering more new motifs [33]. To further understand the prediction ability of rice data trained Deep6mA on other species, we obtain 17 significant motifs learned from the first convolution layer of our model. Fig 6 shows the most significant 9 of them, and the remaining 8 are shown in S1 Fig. We can see from Fig 6 the AGG motif found by MEME is also in the list, which is conserved among different species.

thumbnail
Fig 6. Significant motifs (E-value < 0.01) in Rice.

The learned motifs from the first CNN layer of model are aligned with known motifs by means of TOMTOM.

https://doi.org/10.1371/journal.pcbi.1008767.g006

Discussion

In this study, we propose a deep learning framework named Deep6mA by integrating CNN and LSTM to efficiently predict DNA 6mA sites. Deep6mA uses a CNN layer to extract DNA sequence characterization, and then spreads it into a BLSTM layer to capture context dependency information of 6mA sites. Finally, these features are transferred to a fully connected layer to determine whether the site is a 6mA site. The experimental results show that Deep6mA can predict the 6mA site of rice with high accuracy. Importantly, we found that most of the 6mA methylation modifications in different plant species are more likely to occur on GAGG motifs. This shows that DNA sub-sequences containing 6mA sites among species have certain conservation. Maybe this is the reason why Deep6mA model trained with rice data can accurately predict 6mA sites in other plant species. However, there are some inadequacies in this study, such as the selection of sequence length. In theory, the longer the sequence, the more information it provides. All previous studies on 6mA site recognition are based on the sequence with a length of 41nt. It is not necessary to learn the complete sequence information by only training the model with those short sequences. Besides, due to the relative complexity of the calculation time, the framework and parameter design of Deep6mA may only achieve a local optimum. What’s more, why is the 6mA site enriched in the TATA box of the promoter, and whether this enrichment has a regulatory effect on the expression of downstream genes. For the ongoing work, we will carry out further research on these issues.

Materials and methods

Benchmark dataset

A benchmark dataset is important to build a reliable prediction model. In this study, for convenience, we use the 6mA-rice-Lv dataset [16,22], including 154,000 positive samples and 154,000 negative samples, to evaluate the proposed method and to compare it with other methods. For each positive sample obtained from GEO, the sequence is 41nt long with the 6mA site locating at the center. For each negative sample collected from NCBI, it’s also a sequence with length 41nt but contains no 6mA modification proved by experiments. In order to demonstrate that 6mA shares the similar patterns across different species and our method can also be used to detect DNA 6mA sites of other plant species, we also collected DNA 6mA sequences of Arabidopsis thaliana, Fragaria vesca and Rosa chinensis to show the ability of the trained Deep6mA from rice data on predicting 6mA methylation in these species. The 98483 6mA data of Arabidopsis thaliana is obtained from NCBI Gene Expression Omnibus (GEO) with accession number GSE81597. Negative samples for Arabidopsis thaliana were also collected. These samples are 41nt long sequences with Adenine in the center and were proved to be un-methylated by experiments. The i6mA-Fuse dataset [34], extracted from MDR [35] database, consisting of 5733 positive and negative samples for R. chinensis, and 1417 positive and negative samples for F. vesca.

Sequence representation

Instead of using manually crafted DNA sequences features, we use the one-hot encoding method to convert the sequence into encoding tensor. Specifically, A, C, G, T, and N are encoded as (1,0,0,0), (0,1,0,0), (0,0,1,0), (0,0,0,1), and (0,0,0,0) respectively. Here the letter ‘N’ represents a non-sequenced nucleotide. Thus, the input DNA sequence is represented as a 4 by 41 encoding matrix, and is viewed as an image which motivates our design of deep learning framework.

Convolutional neural network and long short-term memory network

Convolutional Neural Network (CNN) is widely used in image processing and speech recognition due to its high learning efficiency. The architecture of CNN is similar to that of the connectivity pattern of neurons in the human brain and was inspired by the organization of the visual cortex. A CNN generally consists of three parts: convolution layers, pooling layers and fully connected layers, which enables it to successfully capture the spatial and temporal dependence in an image. The convolution layer extracts the high-level features such as edges, color and gradient orientation through multiple feature mapping. The resolution of feature mapping is compressed further by a pooling layer to extract dominant features which are rotational and positional invariant, and to decrease the computational power required to process the data. After multiple convolution and pooling processes, the learned features are mapped to the sample label space by adding the full connection layer to achieve the purpose of classification and prediction.

Although CNN is powerful in image processing, it does not consider the dependence between inputs, and has a low power in sequence analysis such as natural language processing. Recurrent Neural Network (RNN) is proposed to overcome this shortcoming. As a special type of RNN, Long Short Term Memory Network (LSTM) is not only designed to capture the long dependent information in sequence but also overcome the training difficult of RNN due to gradient explosion and disappearance [36], thus it is the most widely used RNN in real applications. In LSTM, a storage mechanism is used to replace the hidden function in traditional RNN, with a purpose to enhance the learning ability of LSTM for long-distance dependency. Bi-directional LSTM (BLSTM), compared with unidirectional LSTM, captures better the information of sequence context.

The Deep6mA model

The loci in DNA sequence are known to have a strong linkage disequilibrium, however, it is difficult to take into consider the dependence structure in traditional modeling for predicting 6mA sites. In this section, to fully capture the information in the sequence, we introduce a deep learning network, Deep6mA, which has a CNN to extract high-level features in the sequence and a BLSTM to learn dependence structure along the sequence. Specifically, Deep6mA is consist of five layers of CNN, one BLSTM layer and one fully connected layer. The convolution layer in CNN collocates 256 filters, and each filter size is 10. The exponential linear unit (ReLU) was used in CNN layers as activation function. where x is the feature map from the convolution operation. By viewing the input sequence as an image (see Section “Sequence representation”), the first convolution layer plays a role as motif detector of the 6mA sites in genome, while the other convolution layers capture higher-level features underlying the sequence. After each convolution layer, a pooling layer with Max Pooling is added to optimize the redundancy of the features and prevent overfitting. Then, one BLSTM layer with size 32 is added after CNN to learn the dependence structure in the sequence. The activation function used in this layer is the tanh activation function. In addition, a Fully Connected (FC) layer with 32 hidden units was used in this model. Finally, a sigmoid activation function is used to combine the outputs from the FC layer to make the final decision. Fig 7 shows the flowchart of Deep6mA.

thumbnail
Fig 7. The flowchart of Deep6mA.

The structure of Deep6mA consists of five layers of CNN, one layer of BLSTM and one layer of full connection layer.

https://doi.org/10.1371/journal.pcbi.1008767.g007

The loss function for training Deep6mA is set as the binary cross-entropy measuring the difference between the target and the predicted output. Where yi is the true label, is the corresponding predicted value from Deep6mA, and αw2 is a regularization term to avoid overfitting.

Deep6mA is trained by using Adam [37]. Batch normalization and dropout [38] are applied after each convolutional procedure to accelerate training and avoid overfitting. The dropout rate is set as 0.5, the learning rate is set as 0.01, and the reduced factor is set as 0.5. In addition, the maximum training epoch and batch size is set as 50 and 256, respectively. We take 1/8 of training data, about 10% of the whole dataset, as validation data, and use an early stopping strategy with patience 5, which means the training process will stop when prediction performance did not improve on the validation set. The whole framework is implemented in Pytorch (https://pytorch.org).

Prediction accuracy assessment

In this work, the prediction accuracy (ACC), Matthews correlation coefficient (MCC), sensitivity (SN) and specificity (SP) are used to evaluate the performance of different methods. Their definitions are given below. The receiver operating characteristic curve (ROC), the area under the curve (AUC) and precision recall curves (PRC) are used to show the detailed performance of different methods. The X-axis of the ROC curve is false positive rate (FPR = 1-SP), and the Y-axis is true positive rate (TPR = SN). The X-axis of the PRC curve is recall (Recall = SN), and the Y-axis is precision. The evaluation and comparison of the models in this paper are based on 5-fold cross validation. where TP is the number of real 6mA sequences predicted correctly as 6mA methylated, TN is the number of non-6mA sequences correctly predicted as non-6mA methylated, FN is the number of 6mA sequences predicted incorrectly as non-6mA methylated and FP is the number of non-6mA sequences predicted incorrectly as 6mA methylated.

Supporting information

S1 Table. The performance of CNN and CNN + LSTM based on 6mA-rice-Chen dataset under different CNN layers and kernel sizes.

https://doi.org/10.1371/journal.pcbi.1008767.s001

(DOCX)

S2 Table. The performance of CNN and CNN + LSTM based on F.vesca dataset under different CNN layers and kernel sizes.

https://doi.org/10.1371/journal.pcbi.1008767.s002

(DOCX)

S3 Table. Sequence containing 6mA site enriched in TATA box of promoter region in Rice.

https://doi.org/10.1371/journal.pcbi.1008767.s003

(XLS)

S1 Fig. The remaining eight significant motifs from the first layer of CNN in Rice.

https://doi.org/10.1371/journal.pcbi.1008767.s004

(JPG)

S2 Fig. The performance of CNN + LSTM under different convolutional layers and kernel sizes.

https://doi.org/10.1371/journal.pcbi.1008767.s005

(JPG)

References

  1. 1. Ratel D, Ravanat JL, Berger F, Wion D. N6-methyladenine: the other methylated base of DNA. BioEssays. 2006;28(3):309–15. pmid:16479578
  2. 2. Vanyushin BF, Tkacheva SG, Belozersky AN. Rare bases in animal DNA. Nature. 1970;225(5236):948–9. pmid:4391887
  3. 3. Au KG, Welsh K, Modrich P. Initiation of Methyl-Directed Mismatch Repair. J Biol Chem. 1992;267:12142–8. pmid:1601880
  4. 4. Pukkila PJ, Peterson J, Herman G, Modrich P, Meselson M. Effects of high levels of DNA adenine methylation on methyl-directed mismatch repair in Escherichia coli. Genetics. 1983;104(4):571–82. pmid:6225697
  5. 5. Campbell JL. Kleckner N. E. coli oriC and the dnaA gene promoter are sequestered from dam methyltransferase following the passage of the chromosomal replication fork. Cell. 1990;62(5):967–79. pmid:1697508
  6. 6. Cheng L, Sun J, Xu W, Dong L, Hu Y, Zhou MOAHG. an integrated resource for annotating human genes with multi-level ontologies. Sci Rep. 2016;6(1):34820. pmid:27703231
  7. 7. Low DA, Weyand NJ, Mahan MJ. Roles of DNA adenine methylation in regulating bacterial gene expression and virulence. Infect Immun. 2001;69(12):7197–204. pmid:11705888
  8. 8. Wion D, Casadesus JN. 6-methyl-adenine: an epigenetic signal for DNA-protein interactions. Nat Rev Microbiol. 2006;4(3):183–92. pmid:16489347
  9. 9. Heyn H, Esteller M. An Adenine Code for DNA: A Second Life for N6-Methyladenine. Cell. 2015;161(4):710–3. pmid:25936836
  10. 10. Pomraning KR, Smith KM, Freitag M. Genome-wide high throughput analysis of DNA methylation in eukaryotes. Methods. 2009;47(3):142–50. pmid:18950712
  11. 11. Krais AM, Cornelius MG, Schmeiser HH, Genomic N. 6-methyladenine determination by MEKC with LIF. Electrophoresis. 2010;31(21):3548–51. pmid:20925053
  12. 12. Flusberg BA, Webster DR, Lee JH, Travers KJ. Direct detection of DNA methylation during single-molecule, real-time sequencing. Nat Methods. 2010;7(6):461–5. pmid:20453866
  13. 13. Greer EL, Blanco MA, Gu L, Sendinc E, Liu J, Hsu CH, et al. DNA Methylation on N-6-Adenine in C-elegans. Cell. 2015;161(4):868–78. pmid:25936839
  14. 14. Fu Y, Luo GZ, Chen K, Deng X, Yu M, Han D, et al. N6-methyldeoxyadenosine marks active transcription start sites in Chlamydomonas. Cell. 2015;161(4):879–92. pmid:25936837
  15. 15. Koziol MJ, Bradshaw CR, Allen GE, Costa ASH, Frezza C, Gurdon JB. Identification of methylated deoxyadenosines in vertebrates reveals diversity in DNA modifications. Nat Struct Mol Biol. 2016;23(1):24–30. pmid:26689968
  16. 16. Zhou C, Wang CS, Liu HB, Zhou QW, Liu Q, Guo Y, et al. Identification and analysis of adenine N-6-methylation sites in the rice genome. Nature Plants. 2018;4(8):554–63. pmid:30061746
  17. 17. Chen W, Lv H, Nie F, Lin H. i6mA-Pred: identifying DNA N6-methyladenine sites in the rice genome. Bioinformatics 2019;35(11): 2796–2800. pmid:30624619
  18. 18. Pian C, Zhang G, Li F, Fan XMM. 6mAPred: Identifying DNA N6-methyladenine sites based on Markov Model. Bioinformatics. 2019;36(2):388–92.
  19. 19. Kong L, Zhang L. i6mA-DNCP: Computational Identification of DNA N-6-Methyladenine Sites in the Rice Genome Using Optimized Dinucleotide-Based Features. GENES. 2019;10(10):2073–4425. pmid:31635172
  20. 20. Shaherin B, Manavalan B, Shin TH, Lee G. SDM6A: A Web-Based Integrative Machine-Learning Framework for Predicting 6mA Sites in the Rice Genome. Molecular Therapy Nucleic Acids. 2019;18:131–41. pmid:31542696
  21. 21. Liu Z, Dong W, Jiang W, He Z. csDMA: an improved bioinformatics tool for identifying DNA 6 mA modifications via Chou’s 5-step rule, Sci Rep. 2019;9: 13109. pmid:31511570
  22. 22. Hao L, Dao FY, Guan ZX, Zhang D, Lin H. iDNA6mA-Rice: A Computational Tool for Detecting N6-Methyladenine Sites in Rice. Frontiers in Genetics. 2019;10: 793-. pmid:31552096
  23. 23. Yu H, Dai Z. SNNRice6mA: A Deep Learning Method for Predicting DNA N6-Methyladenine Sites in Rice Genome. Front Genet. 2019;10:1071. pmid:31681441
  24. 24. AbdelHamid O, Mohamed AR, Jiang H, Penn G. Applying Convolutional Neural Networks Concepts to Hybrid Nn-Hmm Model for Speech Recognition. IEEE. 2012:4277–80.
  25. 25. Alipanahi B, Delong A, Weirauch MT, Frey BJ. Predicting the sequence specificities of DNA and RNA-binding proteins by deep learning. Nat Biotechnol. 2015;33: 831-+. pmid:26213851
  26. 26. Krizhevsky A, Sutskever I, Hinton G. ImageNet Classification with Deep Convolutional Neural Networks. Curran Associates Inc. 2012;60:84–90.
  27. 27. Zhou J, Troyanskaya OG. Predicting effects of noncoding variants with deep learning-based sequence model. Nat Methods. 2015;12(10):931–4. pmid:26301843
  28. 28. Donahue J, Hendricks LA, Rohrbach M, Venugopalan S, Guadarrama S, Saenko K, et al. Long-Term Recurrent Convolutional Networks for Visual Recognition and Description. IEEE Trans Pattern Anal Mach Intell. 2017;39(4):677–91. pmid:27608449
  29. 29. Liu S, Yang N, Li M, Zhou MA. Recursive Recurrent Neural Network for Statistical Machine Translation. Proceedings of the 52nd Annual Meeting of the. Association for Computational Linguistics. 2014 1491–1500;1.
  30. 30. Ning K, Ng HK, Srihari S, Leong HW, Nesvizhskii AI. Examination of the relationship between essential genes in PPI network and hub proteins in reverse nearest neighbor topology. BMC Bioinformatics. 2010;11. pmid:20939873
  31. 31. Bailey TL, Elkan C. Fitting a mixture model by expectation maximization to discover motifs in biopolymers. Proceedings of the Second International Conference on Intelligent Systems for Molecular Biology. AAAI Press. 1994;2:28–36.
  32. 32. Xiao CL, Zhu S, He M, Chen D, Yan GR. N(6)-Methyladenine DNA Modification in the Human Genome. Mol Cell. 2018;71(2):306–18.e307. pmid:30017583
  33. 33. Kelley DR, Snoek J, Rinn JL. Basset: learning the regulatory code of the accessible genome with deep convolutional neural networks. Genome Res. 2016;26(7):990–9. pmid:27197224
  34. 34. Hasan MM, Manavalan B, Shoombuatong W, Khatun MS, Kurata H. i6mA-Fuse: improved and robust prediction of DNA 6mA sites in the Rosaceae genome by fusing multiple feature representation. Plant Mol Biol. 2020;103(1):225–34.
  35. 35. Liu ZY, Xing JF, Chen W, Luan MW, Xiao CLMDR. an integrative DNA N6-methyladenine and N4-methylcytosine modification database for Rosaceae. Hortic Res. 2019;6(1):78. pmid:31240103
  36. 36. Greff K, Srivastava RK, Jan K, Steunebrink BR, Jürgen SLSTM, Search Space A. Odyssey. Ieee Transactions on Neural Networks and Learning Systems. 2017;28:2222–32. pmid:27411231
  37. 37. Kingma D, Ba J. Adam: A Method for Stochastic Optimization. Computer Science. 2014.
  38. 38. Srivastava N, Hinton G, Krizhevsky A, Sutskever I, Salakhutdinov R. Dropout: A Simple Way to Prevent Neural Networks from Overfitting. J Mach Learn Res. 2014;15(1):1929–58.