Abstract

Motivation

Nanopore direct RNA sequencing (DRS) enables the detection of RNA N6-methyladenosine (m6A) without extra laboratory techniques. A number of supervised or comparative approaches have been developed to identify m6A from Nanopore DRS reads. However, existing methods typically utilize either statistical features of the current signals or basecalling-error features, ignoring the richer information of the raw signals of DRS reads.

Results

Here, we propose RedNano, a deep-learning method designed to detect m6A from Nanopore DRS reads by utilizing both raw signals and basecalling errors. RedNano processes the raw-signal feature and basecalling-error feature through residual networks. We validated the effectiveness of RedNano using synthesized, Arabidopsis, and human DRS data. The results demonstrate that RedNano surpasses existing methods by achieving higher area under the ROC curve (AUC) and area under the precision-recall curve (AUPRs) in all three datasets. Furthermore, RedNano performs better in cross-species validation, demonstrating its robustness. Additionally, when detecting m6A from an independent dataset of Populus trichocarpa, RedNano achieves the highest AUC and AUPR, which are 3.8%–9.9% and 5.5%–13.8% higher than other methods, respectively.

Availability and implementation

The source code of RedNano is freely available at https://github.com/Derryxu/RedNano.

1 Introduction

Currently, over 170 chemical modifications have been found in RNA nucleotides (Jonkhout et al. 2017, Boccaletto and Bagiński 2021). As one of the most abundant RNA modifications, N6-methyladenosine (m6A) exists in approximately 25% mRNAs (Meyer and Jaffrey 2014). In eukaryotic RNA, m6A occurs mostly in the DRACH or RRACH motif (where D = A, G, or U, R = A or G, H = A, C or U). m6A impacts mRNA structure (Liu et al. 2015) and stability (Wang et al. 2014) and plays an important role in multiple biological processes, such as mRNA translation (Wang et al. 2015), pre-mRNA splicing (Louloupi et al. 2018), and primary microRNA processing (Alarcón et al. 2015).

Experimental methods that rely on immunoprecipitation or chemoselective alteration, such as MeRIP-seq (Meyer et al. 2012), miCLIP (Linder et al. 2015), and m6ACE-Seq (Koh et al. 2019), are currently the gold standard for the detection of RNA m6A (Leger et al. 2021). However, these methods have several limitations, such as lack of single-nucleotide resolution, isoform ambiguity, and biases induced by the complex experimental steps (Leger et al. 2021). Recently, Zhang et al. (2021) incorporated a modification-free RNA library into these experimental methods as a negative control, which reduced abundant false positives induced by sequencing bias or RNA structure. Hu et al. (2022) proposed m6A-SAC-Seq that uses dimethyltransferase MjDim1 to label m6A. Liu et al. (2023) proposed GLORI, an m6A quantification method that uses glyoxal and nitrite-mediated deamination of unmethylated adenosines while keeping m6A intact. Both m6A-SAC-Seq and GLORI can quantify m6A modification at single-nucleotide resolution in the mammalian transcriptome. However, these two methods still need complex experimental protocols during the library preparation procedure.

The Nanopore direct RNA sequencing (DRS) technology offers new opportunities for the detection of RNA m6A (Lucas and Novoa 2023). When an RNA molecule passes through a Nanopore, different nucleotides in the RNA produce distinctive current signals. Modifications in nucleotides also influence the current signals. Recently, a number of comparative methods and supervised methods have been developed for identifying m6A modification from Nanopore DRS reads (Zhong et al. 2023). These methods rely on either the signal differences or the basecalling errors in the Nanopore reads introduced by base modifications (Jain et al. 2022). Comparative methods, including DRUMMER (Price et al. 2020), ELIGOS (Jenjaroenpun et al. 2021), Yanocomp (Parker et al. 2021), Nanocompore (Leger et al. 2021), and xPore (Pratanwanich et al. 2021), identify m6A sites by applying statistical tests to compare the differences between two groups of samples: one is the sample where the m6A sites to be identified, another is a m6A-free sample as a control. Comparative methods do not require pre-training. However, control samples such as METTL3 knock-out (KO) cells are sometimes difficult to generate (Hendra et al. 2022) and also bring extra costs.

Supervised methods, including EpiNano (Liu et al. 2019), MINES (Lorenz et al. 2020), nanom6A (Gao et al. 2021), m6anet (Hendra et al. 2022), and DENA (Qin et al. 2022), use machine learning to identity m6A sites from Nanopore DRS reads. Supervised methods require labeled sites (m6A and non-m6A sites) to train the machine learning models. However, supervised methods do not require any control samples for the detection. Among these five representative methods, EpiNano utilizes systematic basecalling errors as features (Liu et al. 2019), while the other four methods all generate features from the current signals of Nanopore reads. Epinano trains a support vector machine model by utilizing base quality, mismatch frequency, and deletion frequency of the targeted base (or k-mer) as features. The model of EpiNano was trained using DRS reads of in-vitro synthetic transcripts. MINES first generates the fraction-modified values of Tombo (Stoiber et al. 2017) from the current signals of Nanopore reads, then applies a random forest classifier to detect m6A sites from human HEK293T and HeLa cell lines (Lorenz et al. 2020). nanom6A trains an extreme gradient boosting model by utilizing the mean, median, standard deviation, and the number of the current signals of each base as features (Gao et al. 2021). m6Anet trains a multiple-instance learning framework using DRS data of human HEK293T and HCT116 cell lines (Hendra et al. 2022). The features that m6Anet uses include the sequence around the targeted base, and the normalized mean, standard deviation, and the dwelling time of the raw signals of each 5-mer in the sequence. DENA trains an authentic neural network model using the mean, median, standard deviation, dwell time, and base quality for each base in a 5-mer (Qin et al. 2022). The performance of DENA for detecting and quantifying m6A was validated using the DRS data of Arabidopsis.

Supervised methods still have limitations. First, most of the currently supervised methods employ either the statistical features of the current signals or the basecalling-error features, which do not utilize both types of features for RNA modification detection. Second, these methods ignore raw current signals with indeterminate length, which contain sequential time information that statistical features do not have. The raw current signal values have not yet been used for m6A detection. In addition, supervised methods are effective for detecting RNA modifications in specific motifs (RRACH/DRACH) of the trained species, but the capacity of these methods is inadequate when migrating the pre-trained models to a different species.

In this study, we present a supervised method, called RedNano, for the detection of RNA m6A from Nanopore DRS reads. RedNano utilizes deep neural networks to process the features from raw electrical signals and basecalling errors of Nanopore reads. We evaluate RedNano on multiple datasets, including synthesized (Liu et al. 2019), Arabidopsis (Parker et al. 2020), and human (Pratanwanich et al. 2021) DRS data. The results show that RedNano achieves higher AUCs and area under the precision-recall curve (AUPRs) than other methods. Additionally, RedNano exhibits robust performance when applying the pre-trained models to different species. Moreover, we trained a multi-species model of RedNano using the training data from the three species, which showed an overall superior performance compared to the models trained with single-species data. The experiment on Populus trichocarpa data also validates the effectiveness of the multi-species model.

2 Materials and methods

2.1 Data

2.1.1 Nanopore sequencing data

We first used three groups of DRS datasets for training and testing. The three datasets contain DRS reads of the synthesized RNA, Arabidopsis, and human, respectively. For the synthesized RNA dataset, there are two biological replicates for each “curlcake” experiment condition (un-modified RNA and m6A-modified RNA), which can be accessed in the National Center for Biotechnology Information (NCBI) under accession PRJNA511582 (Liu et al. 2019). For Arabidopsis, we got the DRS reads of vir-1, and VIR-complemented (VIRc) lines through the European Nucleotide Archive (ENA) under accession PRJEB32782 (Parker et al. 2020). For humans, we used the DRS reads of wild-type HEK293T cells, which were obtained from the ENA under accession PRJEB40872 (Pratanwanich et al. 2021). In addition, we used the DRS reads of P.trichocarpa as an independent datset for testing, which were obtained from the NCBI SRA accession SRR8491764 and SRR1267667527 (Gao et al. 2021). Details of all used DRS datasets are provided in Supplementary Table S1.

2.1.2 References and m6A ground truth

(1) Reference sequences. The reference sequences of the synthesized RNA were downloaded from Liu et al. (2019), including four synthesized RNA sequences with respective lengths of 2276, 2492, 2625, and 2742. For humans, we downloaded GRCh38 Ensembl release version 91 as the reference genome/transcriptome. For Arabidopsis, we got the TAIR10 reference and gene annotation from NCBI (Wheeler et al. 2007) and Araport11 (Cheng et al. 2017), respectively. For P.trichocarpa, we used the P.trichocarpa v3.0 assembly and the corresponding gene annotation from the Joint Genome Institute (JGI) as the reference genome/transcriptome (Tuskan et al. 2006).

(2) m6A ground truth. For the synthesized RNA dataset, we use all RRACH/DRACH sites in un-modified and m6A-modified Nanopore reads as the benchmark. For Arabidopsis, we got 3106 m6A sites from Parker et al. (2020). We consider these sites in the DRS data of the VIRc and vir-1 mutant as modified and unmodified sites, respectively. For humans, m6A sites of the HEK293T cell line are obtained by using m6ACE-seq (Koh et al. 2019) and miCLIP (Linder et al. 2015). We include the sites that are METTL3-dependent (WT/KO relative methylation level ratio 4.0, P value of one-tailed t-test <.05) from the m6ACE-seq data as the m6A sites (Pratanwanich et al. 2021). We also include the m6A sites of miCLIP from Linder et al. (2015). In total, we got 20 725 DRACH m6A sites (including 17 702 RRACH sites) and considered any other DRACH site in the human genome as unmodified. For P.trichocarpa, we performed m6A prediction from the MeRIP-seq data from Gao et al. (2021) by using the MeRIPseqPipe pipeline (Bao et al. 2022). We got 122 075 RRACH m6A sites in total (Note S1).

2.2 RedNano

RedNano utilizes both raw-signal features and basecalling-error features from Nanopore DRS reads to detect m6A sites (Fig. 1). In the pipeline of RedNano, the Nanopore DRS reads are first preprocessed for feature extraction. Then, RedNano extracts the raw signals and the basecalling characteristics of the targeted sites from the reads as the features of the deep-learning model. RedNano applies residual networks to process the two types of features. Then, RedNano outputs the read-level methylation probability of each targeted site. By aggregating the read-level predictions, RedNano calculates the transcriptome-level methylation probability of the targeted site. The details of the pipeline of RedNano are described below.

Pipeline of RedNano for detecting RNA m6A from Nanopore DRS reads. L is the fixed signal length; (conv, 32, 7) represents a 1D convolution layer with 64 output channels and a kernel size of 7; Pr is the read-level methylation probability; Pt is the trascriptome-level methylation probability.
Figure 1.

Pipeline of RedNano for detecting RNA m6A from Nanopore DRS reads. L is the fixed signal length; (conv, 32, 7) represents a 1D convolution layer with 64 output channels and a kernel size of 7; Pr is the read-level methylation probability; Pt is the trascriptome-level methylation probability.

2.2.1 Data preprocessing

Several steps must be taken prior to extracting features from Nanopore DRS reads. First, the raw Nanopore DRS reads in FAST5 format are basecalled using the official basecaller of Oxford Nanopore Technologies (Wick et al. 2019), Guppy (v3.1.5), to generate the nucleotide sequence of each read. Second, we use minimap2 (v2.17) (Li 2018) to align each read to the reference transcriptome. We also map the raw current signals of each read to the contiguous bases in the reference transcriptome with the re-squiggle module of Tombo (v1.5.1) (Stoiber et al. 2017). After the re-squiggle step, we can get the corresponding signals of each matched base in the transcriptome. Downstream manipulations (such as sorting) of Sequence Alignment/Map files (in SAM/BAM format) are performed by Samtools (version 1.7) (Li et al. 2009). The commands and parameters of each tool used for data preprocessing are provided in Note S2.

2.2.2 Feature extraction

For each targeted base A (in DRACH/RRACH motif) in a read, RedNano extracts the 5-mer sequence centered on it to generate features. Different from other methods, RedNano uses both the raw-signal feature and basecalling-error feature from Nanopore DRS reads for m6A detection. The raw-signal feature of each targeted site is extracted from the re-squiggled signal-to-sequence alignment of the 5-mer. The basecalling-error feature is generated from the read-to-reference sequence alignment of the 5-mer. The details of the two types of features are described below.

  1. Raw-signal feature. After the re-squiggle step, we first use the median shift and median absolute deviation scale to normalize the raw current signals of each read (Stoiber et al. 2017, Ni et al. 2019). As the matched current signals of each base are variable in length, we randomly select L normalized signal values of each base as the input to the following deep-learning model. By statistically counting the number of signals corresponding to each base in the synthesized DRS data, we set L to 65 (Supplementary Fig. S1). If the number of signals of a base is <65, we pad with zeros. We use one-hot embedding to encode the nucleotide sequence of each 5-mer. To match the sequence of the normalized signals, we expand the embedding vector of each base L times (L = 65). At last, we form a 5*325 matrix as the raw-signal feature for a targeted site in a read (Supplementary Fig. S2A).

  2. Basecalling-error feature. To get the basecalling-error feature of a targeted site, we first covert the read-to-reference sequence alignments into tab-delimited format with the sam2tsv module of jvarkit (https://github.com/lindenb/jvarkit). Then for the 5-mer of the targeted site, we extract the status (match, mismatch, deletion, insertion) and the base quality of each base in the 5-mer from the tab-delimited file. At last, by combining the basecalling characteristics and the embedding vectors of the 5-mer, we form an 8*5 matrix as the basecalling-error feature of the targeted site in a read (Supplementary Fig. S2B).

2.2.3 Model architecture of RedNano

In RedNano, we use deep residual networks (ResNet) (He et al. 2016) to process the two different types of features separately (Fig. 1). Both ResNets for the two types of features comprise four basic residual blocks. Each basic residual block contains four convolutional layers with identical output channel numbers and kernel size. The output channels for the convolutional layers in the four basic residual blocks are 32, 64, 128, and 256, respectively. Each convolutional layer in the basic blocks is followed by a batch normalization layer and an ReLU activation function. The output from the final basic block undergoes processing by a global average pooling layer. For the raw-signal features, the ResNet is preceded by a 1D CNN layer (with 32 output channels and a kernel size of 7) and a maxpooling layer. The ResNet for the basecalling-error features is also preceded by a 1D CNN layer (with 32 output channels and a kernel size of 3) and a maxpooling layer.

The processed raw-signal features and basecalling-error features are ultimately concatenated and flattened into a 1D array. This 1D array is then fed into a fully connected neural network comprising two hidden layers. The output from this network is processed by a sigmoid activation function, generating the final prediction score Pr[0,1] of a targeted site in a read as follows:
(1)
where x is the output of the fully connected neural network. The prediction score Pr generated by RedNano represents the methylation probability of a targeted site at the read level.
RedNano utilizes two approaches to calculate the transcriptome-level methylation probability Pt by grouping the predictions of a targeted site in the aligned reads (Fig. 1). In the first approach, RedNano uses multiple-instance learning (Hendra et al. 2022) as follows:
(2)
where prk is the read-level methylation probability of the targeted site in the k-th read, n represents the total number of reads. As m6Anet (Hendra et al. 2022) does, RedNano always samples 20 reads for each prediction of Pt. In the second approach, RedNano calculates Pt of a targeted site as the methylation frequency as follows:
(3)
(4)
where nm represents the number of read-level methylation probabilities that are ≥.5.

We train and test RedNano using independent DRS reads. Specifically, we use different technical replicates in each dataset to train and test RedNano (Supplementary Table S1). Details of model training and testing of RedNano are provided in Supplementary Note S3 and Fig. S3.

3 Results

3.1 Evaluation of RedNano for RNA m6A detection on three DRS datasets

We assess RedNano in detecting RNA m6A using three DRS datasets, including the synthesized RNA dataset, the Arabidopsis dataset, and the human HEK293T dataset (Supplementary Table S1). We compare RedNano with four other supervised methods: EpiNano (v1.2), nanom6A (v2.0), DENA (commit b888322), and m6Anet (v1.0). As shown in Supplementary Table S2, these four methods vary in terms of targeted motifs and the data used for training. To ensure fairness, we first train and test the models of RedNano using each of these three datasets independently. For each dataset, we compare corresponding methods that were trained using the dataset of the same species (Supplementary Tables S1 and S2). All methods compared were executed using their default parameters. We test both approaches of RedNano for predicting transcriptome-level methylation probabilities using all three datasets (Supplementary Table S3). According to the results, we chose the model trained using the multiple-instance learning approach on the human dataset, and the models trained using the frequency calculation approach on the synthesized RNA and Arabidopsis datasets to compare with other methods.

First, we compare RedNano and nanom6A at the read level using the synthesized RNA dataset. Although EpiNano is also trained using the synthesized RNA dataset, it does not provide predictions at the read level. Hence, we exclude it. As shown in Fig. 2A, for detecting RNA m6As in the RRACH motif, RedNano outperforms nanom6A on all evaluation criteria: accuracy (ACC), sensitivity (SEN), specificity (SPE), area under the ROC curve (AUC), and AUPR. Notably, RedNano gets a > 0.95 accuracy and a > 0.99 AUC. Additionally, we assess RedNano on the DRACH motif, which also demonstrates its high performance with a > 0.94 accuracy and a > 0.98 AUC.

Performance comparison of RedNano and other methods using three DRS datasets independently. (A) Performance comparison of RedNano and nanom6A at read level using the synthesized RNA dataset. (B) Performance comparison of RedNano and other methods in detecting m6A sites at transcriptome level using the Arabidopsis and human datasets.
Figure 2.

Performance comparison of RedNano and other methods using three DRS datasets independently. (A) Performance comparison of RedNano and nanom6A at read level using the synthesized RNA dataset. (B) Performance comparison of RedNano and other methods in detecting m6A sites at transcriptome level using the Arabidopsis and human datasets.

We then evaluate the performance of RedNano and other methods at the transcriptome level on all three datasets. As shown in Supplementary Table S4, RedNano outperforms both EpiNano and nanom6A on the synthesized RNA dataset. Notably, RedNano accurately identifies the modification statuses of all RRACH sites with 100% accuracy, while EpiNano and nanom6A achieve accuracies of 0.9466 and 0.9808, respectively. It is worth noting that the high performance of these three methods is also due to the high read coverage of this dataset (mean coverage: >5057). On the Arabidopsis dataset, RedNano significantly outperforms DENA in detecting m6A in the RRACH motif, in terms of AUC (0.9405 versus 0.8763), AUPR (0.9474 versus 0.8941), and accuracy (0.8629 versus 0.6382) as shown in Fig. 2B and Supplementary Table S4. On the human dataset, RedNano also achieves higher AUCs and AUPRs than m6Anet (e.g. 0.8511 versus 0.8230 for RRACH and 0.8513 versus 0.8187 for DRACH in terms of AUC). We then use the results of GLORI (Liu et al. 2023) on the human HEK293T sample, which contains 145 294 DRACH m6A sites and 125 758 RRACH m6A sites, as a benchmark to evaluate RedNano. As shown in Supplementary Table S5, RedNano also outperforms m6Anet in terms of AUCs and AUPRs, further demonstrating the ability of RedNano to detect RNA m6A sites.

3.2 Cross-species evaluation of RedNano

The ability of supervised methods to generalize is crucial for practical use, given that not all species have labeled datasets available for training. To evaluate the generalizability of the model of RedNano to data from different species, we conducted evaluations on the human and Arabidopsis datasets using models trained on datasets of different species. In tests on the Arabidopsis dataset, RedNano achieves higher performances than other methods. Specifically, when trained using the synthesized RNA dataset, RedNano surpasses EpiNano and nanom6A in terms of RedNano both AUC and AUPR. When trained using the human dataset, achieves an AUC of 0.8432 and an AUPR of 0.8561, which are >6% and >3% higher than those of m6Anet, respectively (Fig. 3A and Supplementary Table S4).

Evaluation of the generalizability of RedNano and other methods across two different species. (A) Testing on the Arabidopsis dataset. (B) Testing on the human dataset.
Figure 3.

Evaluation of the generalizability of RedNano and other methods across two different species. (A) Testing on the Arabidopsis dataset. (B) Testing on the human dataset.

In tests on the human dataset, RedNano also achieves the highest performances, regardless of whether the models are trained using the synthesized RNA dataset or the Arabidopsis dataset (Fig. 3B and Supplementary Table S4). When trained using the synthesized dataset, RedNano achieves >4% higher AUC and >6% higher AUPR than nanom6A and EpiNano. When trained using the Arabidopsis dataset, RedNano achieves an AUC of 0.8159 and an AUPR of 0.8246, which is more than 13% and 16% higher than those of DENA, respectively. These results suggest that RedNano exhibits cross-species generalizability, and the per-trained models of RedNano are robust to new species.

We also explore how to use the training data from multiple datasets to improve the performance of RedNano. We combine the training data of multiple datasets to train a new RedNano model using the multiple-instance learning approach. Compared to the models trained using data from a single species, the new RedNano model gets the best overall performance across all datasets (Supplementary Note S4 and Fig. S4).

3.3 Evaluation of RedNano using the P. trichocarpa data

To further assess the effectiveness of RedNano, we use a DRS dataset of P.trichocarpa which is not involved in training for evaluation. This P.trichocarpa dataset was obtained from Gao et al. (2021). We also got corresponding MeRIP-seq data from Gao et al. (2021) for orthogonal validation (Supplementary Note S1). We use the RedNano model trained on the combined dataset for prediction and compare its performance with nanom6A, m6Anet, EpiNano, and DENA. As shown in Fig. 4A, RedNano achieves the highest performance in detecting m6A sites in the RRACH motif of P.trichocarpa with an AUC of 0.7500 and an AUPR of 0.7929, which are 3.8%–9.9% and 5.5%–13.8% higher than other methods, respectively. The m6A sites predicted by RedNano are strongly enriched in the 3′-UTR region and around the stop codon, which is consistent with MeRIP-seq (Fig. 4B). These results demonstrate that RedNano with its pre-trained models is effective and robust in detecting m6A sites in new species and datasets.

Evaluation on the P.trichocarpa dataset. (A) Performances of different methods for detecting m6A from the P.trichocarpa dataset. (B) The distribution of m6A sites on the transcripts.
Figure 4.

Evaluation on the P.trichocarpa dataset. (A) Performances of different methods for detecting m6A from the P.trichocarpa dataset. (B) The distribution of m6A sites on the transcripts.

3.4 Contribution of the raw-signal and basecalling-error features

In RedNano, we utilize both the raw signals and the basecalling errors as features for RNA m6A detection. The model architecture and hyperparameters of RedNano to process the two types of features are determined based on an evaluation of the human dataset, which are provided in Supplementary Fig. S5 and Supplementary Tables S7 and S8. To assess the contribution of each feature type, we further conduct an ablation experiment using the synthesized RNA, Arabidopsis, and human datasets. In this ablation experiment, we train the RedNano model using either the raw-signal feature or the basecalling-error feature with corresponding neural networks (Fig. 1). We train and test the models of RedNano using each of these three datasets independently. We focus on detecting m6A sites in only the RRACH motif in this experiment.

Supplementary Table S9 shows the results of the ablation experiment using the synthesized RNA dataset. RedNano achieves similar performances with accuracies of 0.9107 and 0.9073 when using the basecalling-error feature and the raw-signal feature alone, respectively. When both features are used, the performance of RedNano improves by over 4% in accuracy compared to using a single type of feature. The results on the Arabidopsis and human datasets also show that RedNano achieves the best performance when using both features (Table 1), while the accuracies, AUCs, and AUPRs of RedNano using a single feature are lower. Overall, these results indicate that both features contribute to RNA m6A prediction in different species and complement each other.

Table 1.

Transcriptome-level evaluation of RedNano in the ablation experiment using the Arabidopsis and human datasets.a

DatasetFeatureACCSENSPEAUCAUPR
ArabidopsisBE0.81300.78270.84370.89410.9064
RS0.83010.81770.84270.91120.9166
BE+RS0.86290.81910.90760.94050.9474
HumansBE0.77160.70410.83900.84540.8484
RS0.75460.75060.75850.83420.8347
BE+RS0.77350.77210.77490.85110.8519
DatasetFeatureACCSENSPEAUCAUPR
ArabidopsisBE0.81300.78270.84370.89410.9064
RS0.83010.81770.84270.91120.9166
BE+RS0.86290.81910.90760.94050.9474
HumansBE0.77160.70410.83900.84540.8484
RS0.75460.75060.75850.83420.8347
BE+RS0.77350.77210.77490.85110.8519
a

BE, basecalling-error feature; RS, raw-signal feature.

Table 1.

Transcriptome-level evaluation of RedNano in the ablation experiment using the Arabidopsis and human datasets.a

DatasetFeatureACCSENSPEAUCAUPR
ArabidopsisBE0.81300.78270.84370.89410.9064
RS0.83010.81770.84270.91120.9166
BE+RS0.86290.81910.90760.94050.9474
HumansBE0.77160.70410.83900.84540.8484
RS0.75460.75060.75850.83420.8347
BE+RS0.77350.77210.77490.85110.8519
DatasetFeatureACCSENSPEAUCAUPR
ArabidopsisBE0.81300.78270.84370.89410.9064
RS0.83010.81770.84270.91120.9166
BE+RS0.86290.81910.90760.94050.9474
HumansBE0.77160.70410.83900.84540.8484
RS0.75460.75060.75850.83420.8347
BE+RS0.77350.77210.77490.85110.8519
a

BE, basecalling-error feature; RS, raw-signal feature.

4 Discussion

Previous methods for m6A detection from Nanopore DRS reads typically use either statistical features of the current signals or basecalling-error features. In this study, we propose RedNano, a deep-learning method that utilizes two types of features, the raw signals and basecalling errors, to detect m6A from DRS reads. In RedNano, the raw-signal and basecalling-error features are processed by residual networks. Our experiments demonstrate that both these two types of features contribute to m6A prediction and complement each other. Testing on the synthesized RNA, Arabidopsis, and human datasets shows that RedNano is accurate and robust for RNA m6A detection at both the read level and transcriptome level across different species. Moreover, we found that by combining the samples of the three datasets for training, the RedNano model gets a more robust performance compared to the models trained on individual datasets. The effectiveness and robustness of RedNano and its pre-trained models for RNA m6A detection are further validated by an independent dataset of P.trichocarpa.

The ONT DRS technology offers a promising approach for the detection of RNA m6A and other types of modifications. However, of the current known 170 RNA modifications, only a few [such as pseudouridine (Begik et al. 2021) and inosine (Nguyen et al. 2022)] have been proven detectable by ONT DRS. One of our future works is to apply RedNano to detect more types of RNA modifications by establishing standard datasets for training and testing. At the same time, exploring the simultaneous detection of multiple types of RNA modifications using ONT DRS is also a promising research direction (Mateos et al. 2024). Additionally, The DRS technology is actively being developed by Oxford Nanopore Technologies. Recently, ONT released a new kit, RNA004, which is reported to significantly improve basecalling accuracy. As the technology continues to evolve, future work will also involve enhancing RedNano to adapt to the new DRS kits and data.

Acknowledgements

We thank Dr Hang Qin for his help in the use of DENA software and m6A sites file. This work was carried out in part using computing resources at the High-Performance Computing Center of Central South University.

Supplementary data

Supplementary data are available at Bioinformatics online.

Conflict of interest

None declared.

Funding

This work was supported in part by the National Key Research and Development Program of China [No. 2021YFF1201200]; the National Natural Science Foundation of China [Grant Nos. 62350004, 62332020]; and the Project of Xiangjiang Laboratory [No. 23XJ01011].

Data availability

All sequencing data used in this study is publicly available. The ONT DRS reads of the synthesized RNA can be accessed in National Center for Biotechnology Information (NCBI) under accession PRJNA511582. The DRS reads of the Arabidopsis vir-1 and VIRc lines can be accessed in European Nucleotide Archive (ENA) under accession PRJEB32782. The DRS reads of the human wild-type HEK293T cells can be accessed in ENA under accession PRJEB40872. The DRS reads of P. trichocarpa can be accessed in NCBI under the SRA accessions SRR8491764 and SRR1267667527.

References

Alarcón
CR
,
Lee
H
,
Goodarzi
H
et al.
N6-methyladenosine marks primary microRNAs for processing
.
Nature
2015
;
519
:
482
5
.

Bao
X
,
Zhu
K
,
Liu
X
et al.
MeRIPseqPipe: an integrated analysis pipeline for MeRIP-seq data based on nextflow
.
Bioinformatics
2022
;
38
:
2054
6
.

Begik
O
,
Lucas
MC
,
Pryszcz
LP
et al.
Quantitative profiling of pseudouridylation dynamics in native RNAs with nanopore sequencing
.
Nat Biotechnol
2021
;
39
:
1278
91
.

Boccaletto
P
,
Bagiński
B.
Modomics: an operational guide to the use of the RNA modification pathways database
.
RNA Bioinformatics
2021
;
2284
:
481
505
.

Cheng
C-Y
,
Krishnakumar
V
,
Chan
AP
et al.
Araport11: a complete reannotation of the Arabidopsis thaliana reference genome
.
Plant J
2017
;
89
:
789
804
.

Gao
Y
,
Liu
X
,
Wu
B
et al.
Quantitative profiling of n6-methyladenosine at single-base resolution in stem-differentiating xylem of Populus trichocarpa using nanopore direct RNA sequencing
.
Genome Biol
2021
;
22
:
22
17
.

He
K
,
Zhang
X
,
Ren
S
et al. Deep residual learning for image recognition. In: 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, pp.
770
8
,
2016
.

Hendra
C
,
Pratanwanich
PN
,
Wan
YK
et al.
Detection of m6a from direct RNA sequencing using a multiple instance learning framework
.
Nat Methods
2022
;
19
:
1590
8
.

Hu
L
,
Liu
S
,
Peng
Y
et al.
m6a RNA modifications are measured at single-base resolution across the mammalian transcriptome
.
Nat Biotechnol
2022
;
40
:
1210
9
.

Jain
M
,
Abu-Shumays
R
,
Olsen
HE
et al.
Advances in nanopore direct RNA sequencing
.
Nat Methods
2022
;
19
:
1160
4
.

Jenjaroenpun
P
,
Wongsurawat
T
,
Wadley
TD
et al.
Decoding the epitranscriptional landscape from native RNA sequences
.
Nucleic Acids Res
2021
;
49
:
e7
.

Jonkhout
N
,
Tran
J
,
Smith
MA
et al.
The RNA modification landscape in human disease
.
RNA
2017
;
23
:
1754
69
.

Koh
CW
,
Goh
YT
,
Goh
WS.
Atlas of quantitative single-base-resolution n 6-methyl-adenine methylomes
.
Nat Commun
2019
;
10
:
5636
.

Leger
A
,
Amaral
PP
,
Pandolfini
L
et al.
RNA modifications detection by comparative nanopore direct RNA sequencing
.
Nat Commun
2021
;
12
:
7198
.

Li
H.
Minimap2: pairwise alignment for nucleotide sequences
.
Bioinformatics
2018
;
34
:
3094
100
.

Li
H
,
Handsaker
B
,
Wysoker
A
, et al. ;
1000 Genome Project Data Processing Subgroup
.
The sequence alignment/map format and samtools
.
Bioinformatics
2009
;
25
:
2078
9
.

Linder
B
,
Grozhik
AV
,
Olarerin-George
AO
et al.
Single-nucleotide-resolution mapping of m6a and m6am throughout the transcriptome
.
Nat Methods
2015
;
12
:
767
72
.

Liu
C
,
Sun
H
,
Yi
Y
et al.
Absolute quantification of single-base m6a methylation in the mammalian transcriptome using GLORI
.
Nat Biotechnol
2023
;
41
:
355
66
.

Liu
H
,
Begik
O
,
Lucas
MC
et al.
Accurate detection of m6a RNA modifications in native RNA sequences
.
Nat Commun
2019
;
10
:
4079
.

Liu
N
,
Dai
Q
,
Zheng
G
et al.
N6-methyladenosine-dependent RNA structural switches regulate RNA–protein interactions
.
Nature
2015
;
518
:
560
4
.

Lorenz
DA
,
Sathe
S
,
Einstein
JM
et al.
Direct RNA sequencing enables m6a detection in endogenous transcript isoforms at base-specific resolution
.
RNA
2020
;
26
:
19
28
.

Louloupi
A
,
Ntini
E
,
Conrad
T
et al.
Transient n-6-methyladenosine transcriptome sequencing reveals a regulatory role of m6a in splicing efficiency
.
Cell Rep
2018
;
23
:
3429
37
.

Lucas
MC
,
Novoa
EM.
Long-read sequencing in the era of epigenomics and epitranscriptomics
.
Nat Methods
2023
;
20
:
25
9
.

Mateos
PA
,
Sethi
A
,
Ravindran
A
et al.
Prediction of m6A and m5C at single-molecule resolution reveals a transcriptome-wide co-occurrence of RNA modifications
.
Nat Commun
2024
;
15
:
3899
.

Meyer
KD
,
Jaffrey
SR.
The dynamic epitranscriptome: n 6-methyladenosine and gene expression control
.
Nat Rev Mol Cell Biol
2014
;
15
:
313
26
.

Meyer
KD
,
Saletore
Y
,
Zumbo
P
et al.
Comprehensive analysis of mRNA methylation reveals enrichment in 3’ UTRs and near stop codons
.
Cell
2012
;
149
:
1635
46
.

Nguyen
TA
,
Heng
JWJ
,
Kaewsapsak
P
et al.
Direct identification of a-to-i editing sites with nanopore native RNA sequencing
.
Nat Methods
2022
;
19
:
833
44
.

Ni
P
,
Huang
N
,
Zhang
Z
et al.
Deepsignal: detecting DNA methylation state from nanopore sequencing reads using deep-learning
.
Bioinformatics
2019
;
35
:
4586
95
.

Parker
MT
,
Knop
K
,
Sherwood
AV
et al.
Nanopore direct RNA sequencing maps the complexity of Arabidopsis mRNA processing and m6a modification
.
Elife
2020
;
9
:
e49658
.

Parker
MT
,
Barton
GJ
,
Simpson
GG.
Yanocomp: robust prediction of m6a modifications in individual nanopore direct RNA reads. bioRxiv, 2021-06,
2021
, preprint: not peer reviewed.

Pratanwanich
PN
,
Yao
F
,
Chen
Y
et al.
Identification of differential RNA modifications from nanopore direct RNA sequencing with xPORE
.
Nat Biotechnol
2021
;
39
:
1394
402
.

Price
AM
,
Hayer
KE
,
McIntyre
AB
et al.
Direct RNA sequencing reveals m6a modifications on adenovirus RNA are necessary for efficient splicing
.
Nat Commun
2020
;
11
:
6016
.

Qin
H
,
Ou
L
,
Gao
J
et al.
DENA: training an authentic neural network model using Nanopore sequencing data of Arabidopsis transcripts for detection and quantification of N6-methyladenosine on RNA
.
Genome Biol
2022
;
23
:
25
3
.

Stoiber
M
,
Quick
J
,
Egan
R
et al. De novo identification of DNA modifications enabled by genome-guided nanopore signal processing. bioRxiv,
2017
, preprint: not peer reviewed.

Tuskan
GA
,
Difazio
S
,
Jansson
S
et al.
The genome of black cottonwood, Populus trichocarpa (Torr. & Gray)
.
Science
2006
;
313
:
1596
604
.

Wang
X
,
Lu
Z
,
Gomez
A
et al.
N6-methyladenosine-dependent regulation of messenger RNA stability
.
Nature
2014
;
505
:
117
20
.

Wang
X
,
Zhao
BS
,
Roundtree
IA
et al.
N6-methyladenosine modulates messenger RNA translation efficiency
.
Cell
2015
;
161
:
1388
99
.

Wheeler
DL
,
Barrett
T
,
Benson
DA
et al.
Database resources of the National Center for Biotechnology Information
.
Nucleic Acids Res
2007
;
35
:
D5
12
.

Wick
RR
,
Judd
LM
,
Holt
KE.
Performance of neural network basecalling tools for oxford nanopore sequencing
.
Genome Biol
2019
;
20
:
129
.

Zhang
Z
,
Chen
T
,
Chen
H-X
et al.
Systematic calibration of epitranscriptomic maps using a synthetic modification-free RNA library
.
Nat Methods
2021
;
18
:
1213
22
.

Zhong
Z-D
,
Xie
Y-Y
,
Chen
H-X
et al.
Systematic comparison of tools used for m6a mapping from nanopore direct RNA sequencing
.
Nat Commun
2023
;
14
:
1906
.

Author notes

Peng Ni and Jinrui Xu Equal contribution.

This is an Open Access article distributed under the terms of the Creative Commons Attribution License (https://creativecommons.org/licenses/by/4.0/), which permits unrestricted reuse, distribution, and reproduction in any medium, provided the original work is properly cited.
Associate Editor: Christina Kendziorski
Christina Kendziorski
Associate Editor
Search for other works by this author on:

Supplementary data