Abstract

RNA torsion and pseudo-torsion angles are critical in determining the three-dimensional conformation of RNA molecules, which in turn governs their biological functions. However, current methods are limited by RNA’s structural complexity as well as flexibility, with experimental techniques being costly and computational approaches struggling to capture the intricate sequence dependencies needed for accurate predictions. To address these challenges, we introduce DeepRNA-Twist, a novel deep learning framework designed to predict RNA torsion and pseudo-torsion angles directly from sequence. DeepRNA-Twist utilizes RNA language model embeddings, which provides rich, context-aware feature representations of RNA sequences. Additionally, it introduces 2A3IDC module (Attention Augmented Inception Inside Inception with Dilated CNN), combining inception networks with dilated convolutions and multi-head attention mechanism. The dilated convolutions capture long-range dependencies in the sequence without requiring a large number of parameters, while the multi-head attention mechanism enhances the model’s ability to focus on both local and global structural features simultaneously. DeepRNA-Twist was rigorously evaluated on benchmark datasets, including RNA-Puzzles, CASP-RNA, and SPOT-RNA-1D, and demonstrated significant improvements over existing methods, achieving state-of-the-art accuracy. Source code is available at https://github.com/abrarrahmanabir/DeepRNA-Twist

Introduction

RNA molecules are fundamental to numerous biological processes and their functionality is closely linked to their three-dimensional structures, akin to proteins. The functionality of RNA critically depends on its structural configuration, highlighting the need for precise characterization of its complex three-dimensional conformation. Traditional experimental methods for determining RNA structure, such as NMR [1], X-ray crystallography [2], and cryo-EM [3], while reliable, are often limited by high costs and time-consuming processes.

Central to RNA’s structural complexity are its torsion angles, comprising seven specific angles |$(\alpha , \beta , \gamma , \delta , \epsilon , \zeta \text{ and} \chi )$| along the ribose-phosphate backbone. Additionally, two pseudo-torsion angles |$(\eta \text{ and} \theta )$| provide a simplified represen-tation of the RNA backbone (Fig. 1). These angles are crucial as they dictate RNA’s folding patterns and ultimately its three-dimensional shape, enabling RNA to perform diverse biological roles—from catalysis as ribozymes to regulating gene expression through various noncoding RNA mechanisms. Understanding these torsion angles enhances the capability to design therapeutic agents [4], potentially altering their function to treat diseases at a molecular level. Moreover, RNA torsion angles play a critical role in computational biology beyond structure reconstruction. They are widely used in evaluating and comparing predicted RNA 3D models, where they serve as a foundation for similarity metrics like Mean Circular Quantities (MCQ) and LCS-TA (Longest Common Segment—Torsion Angles) [5]. Their significance extends to fields such as NMR studies, where torsion angles are used to interpret and refine experimental data on RNA conformations.

 A detailed view of a short RNA sequence (GUG) illustrating all atoms excluding hydrogens along with key atoms and native torsion angles labeled (Top) and pseudo-torsion angles $\eta $ and $\theta $ for the same sequence (Bottom), taken from [11], Copyright 2016 The Authors under the Creative Commons Attribution 4.0 International License (https://creativecommons.org/licenses/by/4.0/).
Figure 1

A detailed view of a short RNA sequence (GUG) illustrating all atoms excluding hydrogens along with key atoms and native torsion angles labeled (Top) and pseudo-torsion angles |$\eta $| and |$\theta $| for the same sequence (Bottom), taken from [11], Copyright 2016 The Authors under the Creative Commons Attribution 4.0 International License (https://creativecommons.org/licenses/by/4.0/).

Predicting RNA torsion angles and structures presents substantial challenges due to RNA’s inherent properties and the limitations of current methodologies. Unlike proteins which have only three backbone torsion angles, RNA’s structure is determined by a more complex system of torsion angles that contribute to its flexibility and dynamic nature, allowing multiple conformations [6]. This complexity is compounded by RNA’s engagement in noncanonical interactions such as Hoogsteen base pairing, base triples, and various loop interactions, vital for its biological functions.

Recent advancements in protein torsion angle prediction have effectively utilized deep learning methods to enhance prediction accuracy [7, 8]. Inspired by this, researchers have employed various deep learning approaches to predict RNA torsion angles as well, albeit this area still remains significantly under-explored. SPOT-RNA-1D [9], the first RNA backbone torsion angle prediction method, utilized a dilated convolutional neural network to predict both torsion and pseudotorsion angles of RNA from single sequence inputs. Currently, the development of language models that can predict RNA structural features solely from sequence data is very limited. RNA-TorsionBERT [10] model leveraged language model approach to predict torsion and pseudo-torsion angles directly from sequence data. Additionally, this model introduced RNA Torsion-A, a scoring function that assesses the quality of predicted RNA structures using the torsion angles generated by the model, further refining the evaluation of RNA structural predictions.

In this study, we present DeepRNA-Twist, a novel deep learning approach for predicting RNA torsion and pseudo-torsion angles directly from sequence data. A key novelty of DeepRNA-Twist is the utilization of embeddings from an RNA language model (RiNALMo [12]), which has contributed to the model’s improved performance. This novel approach to feature representation has not been explored before for RNA torsion angle prediction. Additionally, we have introduced the 2A3IDC (Attention Augmented Inception Inside Inception with Dilated CNN) module that considerably enhanced the prediction capabilities of DeepRNA-Twist compared with the state-of-the-art models. This module combines inception block and dilated convolution with multi-head attention mechanism. The use of dilated CNN allows the model to capture a broader context and long-range dependencies in the sequence data while enhancing computational efficiency by reducing the number of parameters required to achieve a large receptive field. This enables the model to process sequences more efficiently without sacrificing performance. On the other hand, the multi-head attention mechanism further improves the model’s ability to focus on different parts of the sequence simultaneously, enhancing the capture of both local and global structural features. DeepRNA-Twist effectively captures both short- and long-range interactions among nucleotides. We rigorously evaluated DeepRNA-Twist against existing leading approaches on widely recognized benchmark datasets such as RNA-Puzzles [13] and CASP-RNA [14] and SPOT-RNA-1D Dataset [9]. We have employed Mean Absolute Error (MAE) and MCQ as our evaluation metrics. Our results demonstrate that DeepRNA-Twist significantly outperforms existing methods, achieving state-of-the-art accuracy in RNA torsion angle prediction.

Materials and methods

Dataset

To train our model, we have used the training dataset from SPOT-RNA-1D [9]. We then evaluated our model in two independent test datasets: the SPOT-RNA-1D Test dataset and RNA-TorsionBERT [10] Test dataset. Table 1 shows the detailed statistics for the datasets. The maximum length of RNA sequences in Table 1 is important to note because RNA sequence length can impact downstream structural prediction tasks. Longer sequences tend to exhibit increased conformational variability and structural complexity. Including this information thus helps contextualize the diversity of RNA sequences in our dataset and ensures that the model is evaluated across a broad range of sequence lengths. Furthermore, Fig. 2 demonstrates the distribution of all torsion and pseudo-torsion angles of both datasets.

Table 1

Training, validation, and test dataset statistics

DatasetNo. of RNANo. of nucleotideMax RNA Len.
Training set
Training [9]28621 736418
Validation set
VL [9]30121564
Test sets
TS1 [9]634725186
TS2 [9]302040174
TS3 [9]542187103
RNA-Puzzle [13]403838263
CASP-RNA [14]122655720
DatasetNo. of RNANo. of nucleotideMax RNA Len.
Training set
Training [9]28621 736418
Validation set
VL [9]30121564
Test sets
TS1 [9]634725186
TS2 [9]302040174
TS3 [9]542187103
RNA-Puzzle [13]403838263
CASP-RNA [14]122655720
Table 1

Training, validation, and test dataset statistics

DatasetNo. of RNANo. of nucleotideMax RNA Len.
Training set
Training [9]28621 736418
Validation set
VL [9]30121564
Test sets
TS1 [9]634725186
TS2 [9]302040174
TS3 [9]542187103
RNA-Puzzle [13]403838263
CASP-RNA [14]122655720
DatasetNo. of RNANo. of nucleotideMax RNA Len.
Training set
Training [9]28621 736418
Validation set
VL [9]30121564
Test sets
TS1 [9]634725186
TS2 [9]302040174
TS3 [9]542187103
RNA-Puzzle [13]403838263
CASP-RNA [14]122655720
Distribution of all torsion and pseudo-torsion angles for (a) SPOT-RNA-1D dataset and (b) RNA-TorsionBERT dataset.
Figure 2

Distribution of all torsion and pseudo-torsion angles for (a) SPOT-RNA-1D dataset and (b) RNA-TorsionBERT dataset.

SPOT-RNA-1D dataset

For SPOT-RNA-1D, RNA structures were sourced from the Protein Data Bank (PDB) [15], selecting those with X-ray resolutions finer than 3.5 Å as of 3 October 2020. As described by the authors, these structures were segmented into individual chains using Biopython, then clustered with CD-HIT-EST [16] at an 80% identity threshold to form the training set, with unclustered sequences making up a noncluster set. To refine the data, BLAST-N [17] filtered out sequences with internal or cross-set similarities using an e-value cutoff of 10. The noncluster sequences were subsequently divided into a validation set (VL) and two test sets (TS1 and TS2), ensuring minimal redundancy by constructing covariance models using the INFERNAL tool’s cmbuild and cmsearch programs, applying strict e-value cutoffs to eliminate remote homologs. An additional test set (TS3) was later formed from NMR structures, processed similarly to ensure nonredundancy. The final datasets included 286 RNA chains for training, with 30 for validation and 63, 30, and 54 for TS1, TS2, and TS3, respectively, where the maximum sequence length is 418. Native torsion angles were extracted using the DSSR program [18].

RNA-TorsionBERT test dataset

RNA-TorsionBERT [10] employed a combined test set consisting of two prominent datasets: RNA Puzzles [13] and CASP-RNA [14]. This merged dataset consists of 52 structures—40 from RNA Puzzles and 12 from CASP-RNA. The length of sequences of this dataset ranges from 27 to 720 nucleotides.

While there are limited numbers of RNA sequences in all the datasets, the torsion angle prediction is performed on a per nucleotide basis. As demonstrated in Table 1, our training set has a sizable amount of nucleotides (21 736). Also, all our test sets combined contain a total of 15 445 nucleotides. Therefore the dataset is well poised for deep learning architecture, and the multiple test sets are able to check the generalizability of our model.

Feature representation

DeepRNA-Twist takes an RNA sequence feature vector |$ X = \{x_{1}, x_{2}, \ldots , x_{i}, x_{i+1}, \ldots , x_{N}\} $| as input, where |$ x_{i} $| is the vector corresponding to the |$ i $|th nucleotide of that RNA. Inspired by the success of protein language models in capturing biological patterns and in downstream tasks, we used RiNALMo, an RNA language model developed in [12], to generate input features. We chose RiNALMo because it is the largest RNA language model developed to date, with 650 million parameters and pretrained on 36 million noncoding RNA sequences sourced from multiple databases. RiNALMo generates a sequence of embedding vectors |$ X = \{x_{1}, x_{2}, \ldots , x_{N}\} $|⁠, where each |$ x_{i} \in \mathbb{R}^{d_{\text{RiNALMo}}} $| and |$ d_{\text{RiNALMo}} = 1280 $| represent the features for |$ i $|th nucleotide of RNA sequence.

Overview of DeepRNA-Twist framework

We propose DeepRNA-Twist, a novel deep learning framework designed to predict RNA torsion angles directly from RNA sequences by effectively capturing both local and global structural patterns within the sequences. As shown in Fig. 4, the pipeline begins by encoding each nucleotide with a feature vector derived from RiNALMo [12], which serves as the foundation for all subsequent computations. These feature vectors are first refined through a Transformer Encoder layer that employs multi-head self-attention and feed-forward networks, thereby capturing essential contextual relationships among nucleotides while maintaining stability via residual connections and layer normalization. The refined representations are then processed through two consecutive 2A3IDC modules, which integrate inception blocks, dilated convolutional layers, and attention mechanism. This combination enables the framework to extract multi-scale features and model long-range dependencies effectively. In these modules, parallel convolutional pathways with different dilation rates capture varying levels of local and global information, while the integrated attention mechanisms further refine these features by focusing on the most relevant positional relationships within the RNA sequence. Following these processing stages, the resulting feature maps are passed through a 1D convolutional layer and an additional attention module before being fed into a dense layer with 18 regression nodes with tanh activation function. These nodes predict the sine and cosine values for each of the nine torsion angles per nucleotide. The training objective is to minimize the mean squared error (MSE) between the predicted and true sine and cosine values across all nucleotides. This comprehensive pipeline enables DeepRNA-Twist to robustly predict RNA torsion angles, providing a strong foundation for downstream structural reconstruction and analysis. Next, we present detailed description of different modules of DeepRNA-Twist.

Transformer encoder layer

DeepRNA-Twist incorporates a Transformer Encoder Layer [19] to process the RNA sequence feature vector |$ X = \{x_{1}, x_{2}, \ldots , x_{N}\} $|⁠, where each |$ x_{i} $| is a 1280-dimensional vector corresponding to the |$ i $|th nucleotide, provided by the RiNALMo [12]. Each Transformer Encoder Layer consists of two main components: a multi-head self-attention mechanism and a position-wise feed-forward network. The multi-head self-attention mechanism refines the representation of each nucleotide by attending to all other nucleotides in the sequence. For each nucleotide |$ x_{i} $|⁠, the self-attention mechanism produces an intermediate representation |$ \mathbf{a}_{i} $| that captures contextual dependencies. Following the self-attention mechanism, each intermediate representation |$ \mathbf{a}_{i} $| is independently passed through a position-wise feed-forward network, resulting in a transformed representation |$ \mathbf{z}_{i} $|⁠. Formally, this can be expressed as

where |$\text{FFN}$| represents the feed-forward network. Each sub-layer in the encoder, including the self-attention and feed-forward networks, incorporates residual connections followed by layer normalization. This configuration stabilizes the learning process and enhances the model’s ability to capture complex dependencies across the RNA sequence. The overall transformation of |$ x_{i} $| through the encoder can be summarized as

where |$\mathbf{a}_{i}$| is obtained from the multi-head self-attention mechanism applied to |$ x_{i} $|⁠. This process results in the refined representation of the initial embeddings, which captures both local and global structural information of the RNA sequence.

Multi-head attention module

The multi-head attention module, denoted by Multi-HeadAttention(.), is designed to dynamically weigh the importance of different elements in the input data, adjusting the focus based on the input’s context. This module integrates a positional encoding sub-module, which provides crucial positional information to enhance the model’s ability to capture sequential relationships.

Positional encoding: to encode positional information [19], the positional encoding function |$\text{PE}_{p}$| for a position |$p$| is defined as

where |$i$| is the dimension. This allows the model to learn to attend to relative positions. The input |$\mathbf{X}$| is augmented with the positional encoding, resulting in a new representation:

This new representation |$\mathbf{X}_{\text{pos}}$| retains both the information from previous layers and the positional information of each element.

Projection to Query, Key, and Value

The input sequence feature vector |$ \mathbf{X} = \{x_{1}, x_{2}, \ldots , x_{N}\} $| is first augmented with positional encoding to obtain |$ \mathbf{X}_{\text{pos}} $|⁠. This augmented input is then linearly transformed to create three matrices: Query (⁠|$\mathbf{Q}$|⁠), Key (⁠|$\mathbf{K}$|⁠), and Value (⁠|$\mathbf{V}$|⁠):

where |$\mathbf{W}^{Q}$|⁠, |$\mathbf{W}^{K}$|⁠, and |$\mathbf{W}^{V}$| are learnable parameter matrices.

Attention calculation

The multi-head self-attention mechanism allows the model to jointly attend to information from different representation subspaces. The input is split into |$ h $| heads, and the attention scores are computed for each head using the scaled dot-product of |$\mathbf{Q}$| and |$\mathbf{K}$|⁠, followed by scaling and masking. For the |$ i $|th head:

The attention scores (⁠|$\mathbf{A}_{i}$|⁠) are computed as

where |$d_{k}$| is the dimension of the keys. The output for each head (⁠|$\mathbf{O}_{i}$|⁠) is then computed by

The outputs from all heads are concatenated to form the final output of the multi-head attention mechanism:

The concatenated output is then linearly transformed:

where |$\mathbf{W}^{O}$| is a learnable parameter matrix. The resulting output is then subjected to dropout and batch normalization to enhance training stability and performance.

By integrating positional encoding and using multiple attention heads, the attention module can effectively capture both the content and positional relationships within the input, making it suitable for processing RNA sequences.

2A3IDC module

The 2A3IDC module integrates inception blocks, dilated convolutional layers, and attention mechanisms to process input data through two parallel paths, enhancing the model’s ability to capture both local and global patterns. This design builds on the 2A3I (Attention Augmented Inception Inside Inception) module that was very successful in protein secondary structure prediction [20]. Each path in the 2A3IDC module begins with an inception block (Fig. 3), consisting of four parallel convolutional pathways, to capture multi-scale features. Following the inception block, a dilated convolutional layer is added. Given an input feature map |$ X $|⁠:

(a) Inception Block and (b) Multi-head attention block.
Figure 3

(a) Inception Block and (b) Multi-head attention block.

DeepRNA-Twist architecture.
Figure 4

DeepRNA-Twist architecture.

where |$d$| is the dilation rate, allowing the model to capture long-range dependencies efficiently without increasing the number of parameters. The two parallel paths of the 2A3IDC module use different dialations rates: 2 and 5. The output from the dilated convolutional block is then passed through a multi-head attention module. This mechanism focuses on different parts of the sequence simultaneously, enhancing the model’s ability to capture both local and global structural features. Finally, the outputs from both parallel paths (⁠|$X_{Attention1}$|⁠, |$X_{Attention2}$|⁠) are concatenated and batch-normalized to form the final representation:

Training details

The loss function used to train DeepRNA-Twist is the MSE between the predicted and true sine and cosine values of the torsion angles across all nucleotides of all the RNAs. Let |$N$| be the number of RNAs, |$L_{n}$| the number of nucleotides in the |$n$|th RNA in the dataset. Let |$A = 9$| be the number of torsion angles per nucleotide. Each angle has both sine and cosine values, leading to |$2A = 18$| values per nucleotide. The MSE loss function is defined as

where |$ y_{n, l, a} $| and |$ \hat{y}_{n, l, a} $| are the true and predicted sine or cosine values corresponding to the torsion angles for the |$ l $|th nucleotide in the |$ n $|th RNA. Here, |$ a $| ranges from 1 to 18, indexing the sine and cosine values for each of the nine torsion angles. We trained DeepRNA-Twist for 120 epochs. We used the Adam optimizer with a learning rate of 0.0001.

Evaluation metric

Mean absolute error

The predictive performance of RNA torsion angle is quantitatively assessed using the MAE. MAE is calculated for each torsion angle across all nucleotides in the sequence, considering the periodicity of the angles. The MAE for a specific torsion angle |$ \theta $| is defined as follows:

where |$ \Delta \theta _{i} = | \theta _{\text{pred}, i} - \theta _{\text{true}, i} | $| is the absolute difference between the predicted angle |$ \theta _{\text{pred}, i} $| and the true experimentally determined angle |$ \theta _{\text{true}, i} $| and |$ N $| is the total number of nucleotides in the RNA sequence for which torsion angles are predicted. Lower MAE indicated better prediction.

Mean circular quantities

The MCQ is used to measure the angular similarity between actual and predicted RNA structures, |$S$| and |$S^{\prime}$|⁠, respectively, based on their torsion angles. When the RNA structure consists of |$n$| residues, its trigonometric representation can be expressed as a matrix containing |$9n$| values of torsion angles |$t_{ij}$|⁠, where |$i = 1, \dots , n$|⁠, |$j = 1, \dots , |T|$|⁠, and |$T$| is the set of torsion angles defined for the structure. To calculate the MCQ between two structures of equal length, the angular differences |$\Delta (t_{ij}, t^{\prime}_{ij})$| for corresponding torsion angles are computed while respecting the periodicity of angular values. The MCQ metric aggregates these differences using the sine and cosine components as follows:

where |$\Delta (t_{ij}, t^{\prime}_{ij})$| is the minimum angular difference defined as

Earlier works, such as SPOT-RNA-1D, only used the MAE metric. We on the other hand have used MCQ in addition to MAE to assess the proposed model and make a comparative analysis with the state-of-the-art models. This makes our analysis more rigorous.

Results

We evaluated our model on test datasets of SPOT-RNA-1D and RNA-TorsionBERT, the results of which are reported below.

Performance on SPOT-RNA-1D dataset

DeepRNA-Twist was trained on train dataset of SPOT-RNA-1D [9] and validated using validation dataset VL. Table 2 shows the performance comparison between DeepRNA-Twist and SPOT-RNA-1D on VL and three independent test sets TS1, TS2, and TS3. In the VL, our model demonstrated a noticeable improvement over SPOT-RNA-1D, showing percentage reductions in MAE that ranged from |$\sim $|10% to 15% across most torsion angles. Particularly, the reductions for the angles |$\alpha $|⁠, |$\eta $|⁠, and |$\gamma $| were among the most significant. This trend of enhancement is almost consistent across the test sets, indicating robustness in handling both standard and pseudo-torsion angles. TS1 displayed similarly substantial improvements with reductions particularly pronounced for the |$\alpha $| and |$\theta $| angles. In TS2, our model excelled particularly in the prediction of |$\gamma $| and |$\theta $|⁠, achieving more than a 15% improvement in MAE compared with SPOT-RNA-1D. TS3, derived from structurally diverse NMR datasets, showed our model’s adaptability with significant reductions in MAE for |$\beta $| and |$\gamma $|⁠. The performance in this set validates our model’s utility in handling RNA datasets generated from different experimental techniques.

Table 2

Performance comparison of DeepRNA-Twist and SPOT-RNA-1D according to MAE in degrees on SPOT-RNA-1D test sets. Values of SPOT-RNA-1D are reported from [9]

 Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$||$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|
VLDeepRNA-Twist40.3217.4029.7614.8317.1234.6820.2029.4735.93
SPOT-RNA-1D45.1820.5833.8817.9920.7237.5023.0133.5537.02
TS1DeepRNA-Twist39.1617.6728.7712.7916.9829.5016.3327.1228.52
SPOT-RNA-1D43.9421.9432.9814.6120.6933.2719.5930.2532.91
TS2DeepRNA-Twist35.7116.1224.2913.9014.4425.0015.5625.1924.96
SPOT-RNA-1D39.5018.9229.4716.0117.4628.9118.2028.1430.25
TS3DeepRNA-Twist34.1316.8929.5411.3019.3224.1713.9222.2025.84
SPOT-RNA-1D37.8921.0434.6813.8322.3227.8717.0125.3127.22
 Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$||$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|
VLDeepRNA-Twist40.3217.4029.7614.8317.1234.6820.2029.4735.93
SPOT-RNA-1D45.1820.5833.8817.9920.7237.5023.0133.5537.02
TS1DeepRNA-Twist39.1617.6728.7712.7916.9829.5016.3327.1228.52
SPOT-RNA-1D43.9421.9432.9814.6120.6933.2719.5930.2532.91
TS2DeepRNA-Twist35.7116.1224.2913.9014.4425.0015.5625.1924.96
SPOT-RNA-1D39.5018.9229.4716.0117.4628.9118.2028.1430.25
TS3DeepRNA-Twist34.1316.8929.5411.3019.3224.1713.9222.2025.84
SPOT-RNA-1D37.8921.0434.6813.8322.3227.8717.0125.3127.22
Table 2

Performance comparison of DeepRNA-Twist and SPOT-RNA-1D according to MAE in degrees on SPOT-RNA-1D test sets. Values of SPOT-RNA-1D are reported from [9]

 Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$||$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|
VLDeepRNA-Twist40.3217.4029.7614.8317.1234.6820.2029.4735.93
SPOT-RNA-1D45.1820.5833.8817.9920.7237.5023.0133.5537.02
TS1DeepRNA-Twist39.1617.6728.7712.7916.9829.5016.3327.1228.52
SPOT-RNA-1D43.9421.9432.9814.6120.6933.2719.5930.2532.91
TS2DeepRNA-Twist35.7116.1224.2913.9014.4425.0015.5625.1924.96
SPOT-RNA-1D39.5018.9229.4716.0117.4628.9118.2028.1430.25
TS3DeepRNA-Twist34.1316.8929.5411.3019.3224.1713.9222.2025.84
SPOT-RNA-1D37.8921.0434.6813.8322.3227.8717.0125.3127.22
 Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$||$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|
VLDeepRNA-Twist40.3217.4029.7614.8317.1234.6820.2029.4735.93
SPOT-RNA-1D45.1820.5833.8817.9920.7237.5023.0133.5537.02
TS1DeepRNA-Twist39.1617.6728.7712.7916.9829.5016.3327.1228.52
SPOT-RNA-1D43.9421.9432.9814.6120.6933.2719.5930.2532.91
TS2DeepRNA-Twist35.7116.1224.2913.9014.4425.0015.5625.1924.96
SPOT-RNA-1D39.5018.9229.4716.0117.4628.9118.2028.1430.25
TS3DeepRNA-Twist34.1316.8929.5411.3019.3224.1713.9222.2025.84
SPOT-RNA-1D37.8921.0434.6813.8322.3227.8717.0125.3127.22

The improvements in MAE were statistically significant, as evidenced by |$P$|-values from paired t-tests (Table 3). Moreover, the prediction performance is not sensitive to the length of RNA sequences, as shown in Fig. 5. The MAE remains relatively stable across different RNA length bins, with no significant upward or downward trends. This indicates that DeepRNA-Twist generalizes well across RNA molecules of varying lengths.

Table 3

|$P$|-values from one-tailed paired t-tests comparing RNA torsion angle predictions by DeepRNA-TWIST with SPOT-RNA-1D and RNA-TorsionBERT

Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$|
SPOT-RNA-1D0.000380.001080.000260.001850.00019
RNA-TorsionBERT0.00008710.00000053110.00009740.005360.00000585
Model|$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|
SPOT-RNA-1D0.000370.000110.000500.03203
RNA-TorsionBERT0.00004050.00048840.00007080.00000136
Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$|
SPOT-RNA-1D0.000380.001080.000260.001850.00019
RNA-TorsionBERT0.00008710.00000053110.00009740.005360.00000585
Model|$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|
SPOT-RNA-1D0.000370.000110.000500.03203
RNA-TorsionBERT0.00004050.00048840.00007080.00000136
Table 3

|$P$|-values from one-tailed paired t-tests comparing RNA torsion angle predictions by DeepRNA-TWIST with SPOT-RNA-1D and RNA-TorsionBERT

Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$|
SPOT-RNA-1D0.000380.001080.000260.001850.00019
RNA-TorsionBERT0.00008710.00000053110.00009740.005360.00000585
Model|$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|
SPOT-RNA-1D0.000370.000110.000500.03203
RNA-TorsionBERT0.00004050.00048840.00007080.00000136
Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$|
SPOT-RNA-1D0.000380.001080.000260.001850.00019
RNA-TorsionBERT0.00008710.00000053110.00009740.005360.00000585
Model|$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|
SPOT-RNA-1D0.000370.000110.000500.03203
RNA-TorsionBERT0.00004050.00048840.00007080.00000136
Variation of MAE with respect to the length (number of nucleotides) of RNA sequences.
Figure 5

Variation of MAE with respect to the length (number of nucleotides) of RNA sequences.

Our analysis confirms that torsion angles with narrower distributions, such as |$\delta $|⁠, |$\epsilon $|⁠, and |$\chi $|⁠, tend to be more predictable. As shown in Fig. 2, these angles exhibit sharp peaks and narrowly distributed values, indicating lower variability across RNA structures. This observation aligns with SPOT-RNA-1D [9], which suggests that angles with more constrained distributions are easier to predict. Conversely, angles like |$\alpha $|⁠, |$\zeta $|⁠, and |$\theta $| display broader distributions with widespread values, making them inherently more challenging to predict. Figure 2 illustrates how these angles exhibit greater variability, often spanning a wide range of values. However, as shown in Table 2, our model achieves lower MAE for these more variable angles compared with SPOT-RNA-1D, demonstrating its robustness in handling torsion angles with higher degrees of flexibility.

Performance for nucleotides in various pairing interactions

The performance of our model was evaluated on torsion angle prediction across different RNA interactions within the test datasets TS1, TS2, and TS3. Each dataset was analyzed based on the nucleotides involved in various structural interactions: unpaired bases, lone pairs, pseudoknots, multiplets, noncanonical pairs, and canonical nested base pairs. The predictive accuracy of our model was compared with the SPOT-RNA-1D as shown in Tables 4, 5, and 6.

Table 4

Performance comparison of DeepRNA-Twist and SPOT-RNA-1D according to MAE in degrees based on various pairing interactions on SPOT-RNA-1D test set—TS1. Values of SPOT-RNA-1D are reported from [9]

AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist59.5551.2651.1646.9244.2432.02
SPOT-RNA-1D62.0554.2654.1649.9247.2435.02
|$\boldsymbol{\beta }$|DeepRNA-Twist25.9324.9625.3224.5221.1415.32
SPOT-RNA-1D28.4327.9628.3227.5224.1418.32
|$\boldsymbol{\gamma }$|DeepRNA-Twist36.2637.1135.4237.7332.0826.17
SPOT-RNA-1D39.7640.6138.4240.7335.0829.17
|$\boldsymbol{\delta }$|DeepRNA-Twist17.5317.9319.0314.9714.458.59
SPOT-RNA-1D20.5320.9322.0316.9716.4510.59
|$\boldsymbol{\epsilon }$|DeepRNA-Twist25.6725.8222.7622.5220.4213.46
SPOT-RNA-1D29.1728.3225.7624.5222.4215.46
|$\boldsymbol{\zeta }$|DeepRNA-Twist49.1047.1443.9533.8435.4417.63
SPOT-RNA-1D54.1051.6447.9536.8438.4419.63
|$\boldsymbol{\chi }$|DeepRNA-Twist28.3324.1818.9119.1920.7711.43
SPOT-RNA-1D30.8327.1821.9122.1922.7713.43
|$\boldsymbol{\eta }$|DeepRNA-Twist51.0839.2637.5432.8432.8716.24
SPOT-RNA-1D54.5842.7640.5434.8434.8718.24
|$\boldsymbol{\theta }$|DeepRNA-Twist51.2040.5239.1531.8036.8318.02
SPOT-RNA-1D56.7044.5242.1533.8039.8320.02
AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist59.5551.2651.1646.9244.2432.02
SPOT-RNA-1D62.0554.2654.1649.9247.2435.02
|$\boldsymbol{\beta }$|DeepRNA-Twist25.9324.9625.3224.5221.1415.32
SPOT-RNA-1D28.4327.9628.3227.5224.1418.32
|$\boldsymbol{\gamma }$|DeepRNA-Twist36.2637.1135.4237.7332.0826.17
SPOT-RNA-1D39.7640.6138.4240.7335.0829.17
|$\boldsymbol{\delta }$|DeepRNA-Twist17.5317.9319.0314.9714.458.59
SPOT-RNA-1D20.5320.9322.0316.9716.4510.59
|$\boldsymbol{\epsilon }$|DeepRNA-Twist25.6725.8222.7622.5220.4213.46
SPOT-RNA-1D29.1728.3225.7624.5222.4215.46
|$\boldsymbol{\zeta }$|DeepRNA-Twist49.1047.1443.9533.8435.4417.63
SPOT-RNA-1D54.1051.6447.9536.8438.4419.63
|$\boldsymbol{\chi }$|DeepRNA-Twist28.3324.1818.9119.1920.7711.43
SPOT-RNA-1D30.8327.1821.9122.1922.7713.43
|$\boldsymbol{\eta }$|DeepRNA-Twist51.0839.2637.5432.8432.8716.24
SPOT-RNA-1D54.5842.7640.5434.8434.8718.24
|$\boldsymbol{\theta }$|DeepRNA-Twist51.2040.5239.1531.8036.8318.02
SPOT-RNA-1D56.7044.5242.1533.8039.8320.02
Table 4

Performance comparison of DeepRNA-Twist and SPOT-RNA-1D according to MAE in degrees based on various pairing interactions on SPOT-RNA-1D test set—TS1. Values of SPOT-RNA-1D are reported from [9]

AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist59.5551.2651.1646.9244.2432.02
SPOT-RNA-1D62.0554.2654.1649.9247.2435.02
|$\boldsymbol{\beta }$|DeepRNA-Twist25.9324.9625.3224.5221.1415.32
SPOT-RNA-1D28.4327.9628.3227.5224.1418.32
|$\boldsymbol{\gamma }$|DeepRNA-Twist36.2637.1135.4237.7332.0826.17
SPOT-RNA-1D39.7640.6138.4240.7335.0829.17
|$\boldsymbol{\delta }$|DeepRNA-Twist17.5317.9319.0314.9714.458.59
SPOT-RNA-1D20.5320.9322.0316.9716.4510.59
|$\boldsymbol{\epsilon }$|DeepRNA-Twist25.6725.8222.7622.5220.4213.46
SPOT-RNA-1D29.1728.3225.7624.5222.4215.46
|$\boldsymbol{\zeta }$|DeepRNA-Twist49.1047.1443.9533.8435.4417.63
SPOT-RNA-1D54.1051.6447.9536.8438.4419.63
|$\boldsymbol{\chi }$|DeepRNA-Twist28.3324.1818.9119.1920.7711.43
SPOT-RNA-1D30.8327.1821.9122.1922.7713.43
|$\boldsymbol{\eta }$|DeepRNA-Twist51.0839.2637.5432.8432.8716.24
SPOT-RNA-1D54.5842.7640.5434.8434.8718.24
|$\boldsymbol{\theta }$|DeepRNA-Twist51.2040.5239.1531.8036.8318.02
SPOT-RNA-1D56.7044.5242.1533.8039.8320.02
AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist59.5551.2651.1646.9244.2432.02
SPOT-RNA-1D62.0554.2654.1649.9247.2435.02
|$\boldsymbol{\beta }$|DeepRNA-Twist25.9324.9625.3224.5221.1415.32
SPOT-RNA-1D28.4327.9628.3227.5224.1418.32
|$\boldsymbol{\gamma }$|DeepRNA-Twist36.2637.1135.4237.7332.0826.17
SPOT-RNA-1D39.7640.6138.4240.7335.0829.17
|$\boldsymbol{\delta }$|DeepRNA-Twist17.5317.9319.0314.9714.458.59
SPOT-RNA-1D20.5320.9322.0316.9716.4510.59
|$\boldsymbol{\epsilon }$|DeepRNA-Twist25.6725.8222.7622.5220.4213.46
SPOT-RNA-1D29.1728.3225.7624.5222.4215.46
|$\boldsymbol{\zeta }$|DeepRNA-Twist49.1047.1443.9533.8435.4417.63
SPOT-RNA-1D54.1051.6447.9536.8438.4419.63
|$\boldsymbol{\chi }$|DeepRNA-Twist28.3324.1818.9119.1920.7711.43
SPOT-RNA-1D30.8327.1821.9122.1922.7713.43
|$\boldsymbol{\eta }$|DeepRNA-Twist51.0839.2637.5432.8432.8716.24
SPOT-RNA-1D54.5842.7640.5434.8434.8718.24
|$\boldsymbol{\theta }$|DeepRNA-Twist51.2040.5239.1531.8036.8318.02
SPOT-RNA-1D56.7044.5242.1533.8039.8320.02
Table 5

Performance comparison of DeepRNA-Twist and SPOT-RNA-1D according to MAE in degrees based on various pairing interactions on SPOT-RNA-1D test set—TS2. Values of SPOT-RNA-1D are reported from [9]

AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist57.2650.6254.4047.4341.3225.03
SPOT-RNA-1D60.2653.6257.4050.4344.3228.03
|$\boldsymbol{\beta }$|DeepRNA-Twist21.4923.1726.7220.6917.7813.14
SPOT-RNA-1D24.4926.1728.7222.6919.7815.14
|$\boldsymbol{\gamma }$|DeepRNA-Twist35.8936.4932.4634.6629.9921.91
SPOT-RNA-1D37.8939.4935.4636.6631.9923.91
|$\boldsymbol{\delta }$|DeepRNA-Twist19.7420.8920.7718.1317.089.43
SPOT-RNA-1D22.7423.8923.7721.1320.0811.43
|$\boldsymbol{\epsilon }$|DeepRNA-Twist24.9221.2016.4316.2017.4311.30
SPOT-RNA-1D26.9224.2018.4318.2019.4312.30
|$\boldsymbol{\zeta }$|DeepRNA-Twist45.3447.2030.7438.0440.1413.73
SPOT-RNA-1D48.3450.2032.7441.0443.1414.73
|$\boldsymbol{\chi }$|DeepRNA-Twist25.6725.0018.0621.3221.7410.77
SPOT-RNA-1D27.6728.0021.0624.3223.7412.77
|$\boldsymbol{\eta }$|DeepRNA-Twist49.9236.0439.3831.4530.0314.01
SPOT-RNA-1D52.9239.0442.3833.4532.0316.01
|$\boldsymbol{\theta }$|DeepRNA-Twist49.4041.0632.5431.0334.0515.21
SPOT-RNA-1D52.4044.0635.5434.0337.0516.21
AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist57.2650.6254.4047.4341.3225.03
SPOT-RNA-1D60.2653.6257.4050.4344.3228.03
|$\boldsymbol{\beta }$|DeepRNA-Twist21.4923.1726.7220.6917.7813.14
SPOT-RNA-1D24.4926.1728.7222.6919.7815.14
|$\boldsymbol{\gamma }$|DeepRNA-Twist35.8936.4932.4634.6629.9921.91
SPOT-RNA-1D37.8939.4935.4636.6631.9923.91
|$\boldsymbol{\delta }$|DeepRNA-Twist19.7420.8920.7718.1317.089.43
SPOT-RNA-1D22.7423.8923.7721.1320.0811.43
|$\boldsymbol{\epsilon }$|DeepRNA-Twist24.9221.2016.4316.2017.4311.30
SPOT-RNA-1D26.9224.2018.4318.2019.4312.30
|$\boldsymbol{\zeta }$|DeepRNA-Twist45.3447.2030.7438.0440.1413.73
SPOT-RNA-1D48.3450.2032.7441.0443.1414.73
|$\boldsymbol{\chi }$|DeepRNA-Twist25.6725.0018.0621.3221.7410.77
SPOT-RNA-1D27.6728.0021.0624.3223.7412.77
|$\boldsymbol{\eta }$|DeepRNA-Twist49.9236.0439.3831.4530.0314.01
SPOT-RNA-1D52.9239.0442.3833.4532.0316.01
|$\boldsymbol{\theta }$|DeepRNA-Twist49.4041.0632.5431.0334.0515.21
SPOT-RNA-1D52.4044.0635.5434.0337.0516.21
Table 5

Performance comparison of DeepRNA-Twist and SPOT-RNA-1D according to MAE in degrees based on various pairing interactions on SPOT-RNA-1D test set—TS2. Values of SPOT-RNA-1D are reported from [9]

AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist57.2650.6254.4047.4341.3225.03
SPOT-RNA-1D60.2653.6257.4050.4344.3228.03
|$\boldsymbol{\beta }$|DeepRNA-Twist21.4923.1726.7220.6917.7813.14
SPOT-RNA-1D24.4926.1728.7222.6919.7815.14
|$\boldsymbol{\gamma }$|DeepRNA-Twist35.8936.4932.4634.6629.9921.91
SPOT-RNA-1D37.8939.4935.4636.6631.9923.91
|$\boldsymbol{\delta }$|DeepRNA-Twist19.7420.8920.7718.1317.089.43
SPOT-RNA-1D22.7423.8923.7721.1320.0811.43
|$\boldsymbol{\epsilon }$|DeepRNA-Twist24.9221.2016.4316.2017.4311.30
SPOT-RNA-1D26.9224.2018.4318.2019.4312.30
|$\boldsymbol{\zeta }$|DeepRNA-Twist45.3447.2030.7438.0440.1413.73
SPOT-RNA-1D48.3450.2032.7441.0443.1414.73
|$\boldsymbol{\chi }$|DeepRNA-Twist25.6725.0018.0621.3221.7410.77
SPOT-RNA-1D27.6728.0021.0624.3223.7412.77
|$\boldsymbol{\eta }$|DeepRNA-Twist49.9236.0439.3831.4530.0314.01
SPOT-RNA-1D52.9239.0442.3833.4532.0316.01
|$\boldsymbol{\theta }$|DeepRNA-Twist49.4041.0632.5431.0334.0515.21
SPOT-RNA-1D52.4044.0635.5434.0337.0516.21
AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist57.2650.6254.4047.4341.3225.03
SPOT-RNA-1D60.2653.6257.4050.4344.3228.03
|$\boldsymbol{\beta }$|DeepRNA-Twist21.4923.1726.7220.6917.7813.14
SPOT-RNA-1D24.4926.1728.7222.6919.7815.14
|$\boldsymbol{\gamma }$|DeepRNA-Twist35.8936.4932.4634.6629.9921.91
SPOT-RNA-1D37.8939.4935.4636.6631.9923.91
|$\boldsymbol{\delta }$|DeepRNA-Twist19.7420.8920.7718.1317.089.43
SPOT-RNA-1D22.7423.8923.7721.1320.0811.43
|$\boldsymbol{\epsilon }$|DeepRNA-Twist24.9221.2016.4316.2017.4311.30
SPOT-RNA-1D26.9224.2018.4318.2019.4312.30
|$\boldsymbol{\zeta }$|DeepRNA-Twist45.3447.2030.7438.0440.1413.73
SPOT-RNA-1D48.3450.2032.7441.0443.1414.73
|$\boldsymbol{\chi }$|DeepRNA-Twist25.6725.0018.0621.3221.7410.77
SPOT-RNA-1D27.6728.0021.0624.3223.7412.77
|$\boldsymbol{\eta }$|DeepRNA-Twist49.9236.0439.3831.4530.0314.01
SPOT-RNA-1D52.9239.0442.3833.4532.0316.01
|$\boldsymbol{\theta }$|DeepRNA-Twist49.4041.0632.5431.0334.0515.21
SPOT-RNA-1D52.4044.0635.5434.0337.0516.21
Table 6

Performance comparison of DeepRNA-Twist and SPOT-RNA-1D according to MAE in degrees based on various pairing interactions on SPOT-RNA-1D test set—TS3. Values of SPOT-RNA-1D are reported from [9]

AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist64.8248.3249.0643.1649.6822.44
SPOT-RNA-1D68.8251.3252.0646.1652.6825.44
|$\boldsymbol{\beta }$|DeepRNA-Twist31.7429.5329.4227.9526.7213.40
SPOT-RNA-1D33.7431.5331.4229.9528.7215.40
|$\boldsymbol{\gamma }$|DeepRNA-Twist54.9647.8430.4243.5041.0522.61
SPOT-RNA-1D58.9650.8432.4246.5044.0524.61
|$\boldsymbol{\delta }$|DeepRNA-Twist24.3915.8416.6713.2213.208.75
SPOT-RNA-1D27.3917.8418.6716.2215.2010.75
|$\boldsymbol{\epsilon }$|DeepRNA-Twist30.8325.0119.4022.7321.9417.68
SPOT-RNA-1D32.8327.0121.4024.7322.9418.68
|$\boldsymbol{\zeta }$|DeepRNA-Twist58.5537.0727.2033.1533.9514.99
SPOT-RNA-1D61.5540.0729.2035.1534.9515.99
|$\boldsymbol{\chi }$|DeepRNA-Twist25.6621.5913.4218.4019.0111.77
SPOT-RNA-1D27.6623.5915.4220.4021.0112.77
|$\boldsymbol{\eta }$|DeepRNA-Twist51.4328.1130.0226.6025.1414.01
SPOT-RNA-1D54.4330.1132.0228.6027.1416.01
|$\boldsymbol{\theta }$|DeepRNA-Twist55.8434.8629.5527.7025.1015.21
SPOT-RNA-1D58.8436.8631.5529.7027.1016.21
AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist64.8248.3249.0643.1649.6822.44
SPOT-RNA-1D68.8251.3252.0646.1652.6825.44
|$\boldsymbol{\beta }$|DeepRNA-Twist31.7429.5329.4227.9526.7213.40
SPOT-RNA-1D33.7431.5331.4229.9528.7215.40
|$\boldsymbol{\gamma }$|DeepRNA-Twist54.9647.8430.4243.5041.0522.61
SPOT-RNA-1D58.9650.8432.4246.5044.0524.61
|$\boldsymbol{\delta }$|DeepRNA-Twist24.3915.8416.6713.2213.208.75
SPOT-RNA-1D27.3917.8418.6716.2215.2010.75
|$\boldsymbol{\epsilon }$|DeepRNA-Twist30.8325.0119.4022.7321.9417.68
SPOT-RNA-1D32.8327.0121.4024.7322.9418.68
|$\boldsymbol{\zeta }$|DeepRNA-Twist58.5537.0727.2033.1533.9514.99
SPOT-RNA-1D61.5540.0729.2035.1534.9515.99
|$\boldsymbol{\chi }$|DeepRNA-Twist25.6621.5913.4218.4019.0111.77
SPOT-RNA-1D27.6623.5915.4220.4021.0112.77
|$\boldsymbol{\eta }$|DeepRNA-Twist51.4328.1130.0226.6025.1414.01
SPOT-RNA-1D54.4330.1132.0228.6027.1416.01
|$\boldsymbol{\theta }$|DeepRNA-Twist55.8434.8629.5527.7025.1015.21
SPOT-RNA-1D58.8436.8631.5529.7027.1016.21
Table 6

Performance comparison of DeepRNA-Twist and SPOT-RNA-1D according to MAE in degrees based on various pairing interactions on SPOT-RNA-1D test set—TS3. Values of SPOT-RNA-1D are reported from [9]

AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist64.8248.3249.0643.1649.6822.44
SPOT-RNA-1D68.8251.3252.0646.1652.6825.44
|$\boldsymbol{\beta }$|DeepRNA-Twist31.7429.5329.4227.9526.7213.40
SPOT-RNA-1D33.7431.5331.4229.9528.7215.40
|$\boldsymbol{\gamma }$|DeepRNA-Twist54.9647.8430.4243.5041.0522.61
SPOT-RNA-1D58.9650.8432.4246.5044.0524.61
|$\boldsymbol{\delta }$|DeepRNA-Twist24.3915.8416.6713.2213.208.75
SPOT-RNA-1D27.3917.8418.6716.2215.2010.75
|$\boldsymbol{\epsilon }$|DeepRNA-Twist30.8325.0119.4022.7321.9417.68
SPOT-RNA-1D32.8327.0121.4024.7322.9418.68
|$\boldsymbol{\zeta }$|DeepRNA-Twist58.5537.0727.2033.1533.9514.99
SPOT-RNA-1D61.5540.0729.2035.1534.9515.99
|$\boldsymbol{\chi }$|DeepRNA-Twist25.6621.5913.4218.4019.0111.77
SPOT-RNA-1D27.6623.5915.4220.4021.0112.77
|$\boldsymbol{\eta }$|DeepRNA-Twist51.4328.1130.0226.6025.1414.01
SPOT-RNA-1D54.4330.1132.0228.6027.1416.01
|$\boldsymbol{\theta }$|DeepRNA-Twist55.8434.8629.5527.7025.1015.21
SPOT-RNA-1D58.8436.8631.5529.7027.1016.21
AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist64.8248.3249.0643.1649.6822.44
SPOT-RNA-1D68.8251.3252.0646.1652.6825.44
|$\boldsymbol{\beta }$|DeepRNA-Twist31.7429.5329.4227.9526.7213.40
SPOT-RNA-1D33.7431.5331.4229.9528.7215.40
|$\boldsymbol{\gamma }$|DeepRNA-Twist54.9647.8430.4243.5041.0522.61
SPOT-RNA-1D58.9650.8432.4246.5044.0524.61
|$\boldsymbol{\delta }$|DeepRNA-Twist24.3915.8416.6713.2213.208.75
SPOT-RNA-1D27.3917.8418.6716.2215.2010.75
|$\boldsymbol{\epsilon }$|DeepRNA-Twist30.8325.0119.4022.7321.9417.68
SPOT-RNA-1D32.8327.0121.4024.7322.9418.68
|$\boldsymbol{\zeta }$|DeepRNA-Twist58.5537.0727.2033.1533.9514.99
SPOT-RNA-1D61.5540.0729.2035.1534.9515.99
|$\boldsymbol{\chi }$|DeepRNA-Twist25.6621.5913.4218.4019.0111.77
SPOT-RNA-1D27.6623.5915.4220.4021.0112.77
|$\boldsymbol{\eta }$|DeepRNA-Twist51.4328.1130.0226.6025.1414.01
SPOT-RNA-1D54.4330.1132.0228.6027.1416.01
|$\boldsymbol{\theta }$|DeepRNA-Twist55.8434.8629.5527.7025.1015.21
SPOT-RNA-1D58.8436.8631.5529.7027.1016.21

Analysis revealed that nucleotides involved in tertiary interactions, such as lone pairs, pseudoknots, multiplets, and noncanonical pairs, consistently presented greater challenges in torsion angle prediction across all three test sets. This was evident from the consistently higher MAEs for these interactions compared with canonical nested base pairs, which had the lowest MAEs, indicating their relative predictability due to less structural complexity. In TS1, the unpaired bases showed the most significant challenge in prediction due to more variability and flexibility in structure, with MAEs of 59.55 for |$\alpha $|⁠, considerably higher than those for canonical nested pairs, which had an MAE of 32.02 for the same angle. This pattern was consistent across all angles and other test datasets. TS3, characterized by different experimental derivation techniques (NMR vs. X-ray crystallography for TS1 and TS2), still maintained the general trend where more complex tertiary interactions resulted in higher prediction errors.

Comparative analysis between our model and SPOT-RNA-1D [9] demonstrated that despite the inherent challenges posed by complex interactions, our model achieved consistently lower MAEs across most interactions and torsion angles, indicating an overall improvement in prediction accuracy. Our findings suggest that the complexity of nucleotide interactions significantly influences the difficulty of predicting torsion angles in RNA structures. More specifically, interactions that introduce greater structural complexity and variability tend to result in higher prediction errors. The comprehensive evaluation across multiple test sets confirms the robustness of our model, particularly in its superior performance over the baseline in handling the intricate and variable interactions within RNA structures. We conducted this experiment on RNA-TorsionBERT dataset as well and noticed the same trend (Table 7).

Table 7

Performance comparison of DeepRNA-Twist and RNA-TorsionBERT according to MAE in degrees based on various pairing interactions on RNA-TorsionBERT test set. Values of RNA-TorsionBERT are obtained by running RNA-TorsionBER

AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist62.0346.5555.7842.2849.4330.02
RNA-TorsionBERT66.1657.1150.9751.7052.4634.34
|$\boldsymbol{\beta }$|DeepRNA-Twist24.0921.8830.9330.0724.9315.93
RNA-TorsionBERT29.3128.7930.4426.0428.5819.68
|$\boldsymbol{\gamma }$|DeepRNA-Twist32.5538.8741.3743.0326.5521.72
RNA-TorsionBERT42.7744.8240.4043.6038.7729.31
|$\boldsymbol{\delta }$|DeepRNA-Twist23.5213.2715.259.1411.746.66
RNA-TorsionBERT25.8120.6226.9213.5315.3014.60
|$\boldsymbol{\epsilon }$|DeepRNA-Twist20.0226.3727.7022.1520.3715.14
RNA-TorsionBERT26.8829.8121.2029.1220.7716.72
|$\boldsymbol{\zeta }$|DeepRNA-Twist52.1741.7043.7432.1539.0021.00
RNA-TorsionBERT52.4048.0153.9337.2534.7415.88
|$\boldsymbol{\chi }$|DeepRNA-Twist32.0920.5418.9416.6016.6712.52
RNA-TorsionBERT31.4429.6018.6620.9426.0119.00
|$\boldsymbol{\eta }$|DeepRNA-Twist55.1839.5334.9537.6036.8918.11
RNA-TorsionBERT52.7241.6446.5339.4031.4817.68
|$\boldsymbol{\theta }$|DeepRNA-Twist54.7138.1141.0835.9132.5816.54
RNA-TorsionBERT60.0949.4045.8835.8645.6120.81
AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist62.0346.5555.7842.2849.4330.02
RNA-TorsionBERT66.1657.1150.9751.7052.4634.34
|$\boldsymbol{\beta }$|DeepRNA-Twist24.0921.8830.9330.0724.9315.93
RNA-TorsionBERT29.3128.7930.4426.0428.5819.68
|$\boldsymbol{\gamma }$|DeepRNA-Twist32.5538.8741.3743.0326.5521.72
RNA-TorsionBERT42.7744.8240.4043.6038.7729.31
|$\boldsymbol{\delta }$|DeepRNA-Twist23.5213.2715.259.1411.746.66
RNA-TorsionBERT25.8120.6226.9213.5315.3014.60
|$\boldsymbol{\epsilon }$|DeepRNA-Twist20.0226.3727.7022.1520.3715.14
RNA-TorsionBERT26.8829.8121.2029.1220.7716.72
|$\boldsymbol{\zeta }$|DeepRNA-Twist52.1741.7043.7432.1539.0021.00
RNA-TorsionBERT52.4048.0153.9337.2534.7415.88
|$\boldsymbol{\chi }$|DeepRNA-Twist32.0920.5418.9416.6016.6712.52
RNA-TorsionBERT31.4429.6018.6620.9426.0119.00
|$\boldsymbol{\eta }$|DeepRNA-Twist55.1839.5334.9537.6036.8918.11
RNA-TorsionBERT52.7241.6446.5339.4031.4817.68
|$\boldsymbol{\theta }$|DeepRNA-Twist54.7138.1141.0835.9132.5816.54
RNA-TorsionBERT60.0949.4045.8835.8645.6120.81
Table 7

Performance comparison of DeepRNA-Twist and RNA-TorsionBERT according to MAE in degrees based on various pairing interactions on RNA-TorsionBERT test set. Values of RNA-TorsionBERT are obtained by running RNA-TorsionBER

AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist62.0346.5555.7842.2849.4330.02
RNA-TorsionBERT66.1657.1150.9751.7052.4634.34
|$\boldsymbol{\beta }$|DeepRNA-Twist24.0921.8830.9330.0724.9315.93
RNA-TorsionBERT29.3128.7930.4426.0428.5819.68
|$\boldsymbol{\gamma }$|DeepRNA-Twist32.5538.8741.3743.0326.5521.72
RNA-TorsionBERT42.7744.8240.4043.6038.7729.31
|$\boldsymbol{\delta }$|DeepRNA-Twist23.5213.2715.259.1411.746.66
RNA-TorsionBERT25.8120.6226.9213.5315.3014.60
|$\boldsymbol{\epsilon }$|DeepRNA-Twist20.0226.3727.7022.1520.3715.14
RNA-TorsionBERT26.8829.8121.2029.1220.7716.72
|$\boldsymbol{\zeta }$|DeepRNA-Twist52.1741.7043.7432.1539.0021.00
RNA-TorsionBERT52.4048.0153.9337.2534.7415.88
|$\boldsymbol{\chi }$|DeepRNA-Twist32.0920.5418.9416.6016.6712.52
RNA-TorsionBERT31.4429.6018.6620.9426.0119.00
|$\boldsymbol{\eta }$|DeepRNA-Twist55.1839.5334.9537.6036.8918.11
RNA-TorsionBERT52.7241.6446.5339.4031.4817.68
|$\boldsymbol{\theta }$|DeepRNA-Twist54.7138.1141.0835.9132.5816.54
RNA-TorsionBERT60.0949.4045.8835.8645.6120.81
AnglesModelUnpairedLone pairsPseudoknotsMultipletsNoncanonical pairsCanonical nested pairs
|$\boldsymbol{\alpha }$|DeepRNA-Twist62.0346.5555.7842.2849.4330.02
RNA-TorsionBERT66.1657.1150.9751.7052.4634.34
|$\boldsymbol{\beta }$|DeepRNA-Twist24.0921.8830.9330.0724.9315.93
RNA-TorsionBERT29.3128.7930.4426.0428.5819.68
|$\boldsymbol{\gamma }$|DeepRNA-Twist32.5538.8741.3743.0326.5521.72
RNA-TorsionBERT42.7744.8240.4043.6038.7729.31
|$\boldsymbol{\delta }$|DeepRNA-Twist23.5213.2715.259.1411.746.66
RNA-TorsionBERT25.8120.6226.9213.5315.3014.60
|$\boldsymbol{\epsilon }$|DeepRNA-Twist20.0226.3727.7022.1520.3715.14
RNA-TorsionBERT26.8829.8121.2029.1220.7716.72
|$\boldsymbol{\zeta }$|DeepRNA-Twist52.1741.7043.7432.1539.0021.00
RNA-TorsionBERT52.4048.0153.9337.2534.7415.88
|$\boldsymbol{\chi }$|DeepRNA-Twist32.0920.5418.9416.6016.6712.52
RNA-TorsionBERT31.4429.6018.6620.9426.0119.00
|$\boldsymbol{\eta }$|DeepRNA-Twist55.1839.5334.9537.6036.8918.11
RNA-TorsionBERT52.7241.6446.5339.4031.4817.68
|$\boldsymbol{\theta }$|DeepRNA-Twist54.7138.1141.0835.9132.5816.54
RNA-TorsionBERT60.0949.4045.8835.8645.6120.81

Performance on RNA-TorsionBERT dataset

Table 8 presents the performance of our method, DeepRNA-Twist, in predicting RNA torsion angles compared with various state-of-the-art approaches including RNA-TorsionBERT [10], SPOT-RNA-1D [9], and methods from the recent State-of-the-RNArt [21] benchmark on RNA-TorsionBERT dataset. DeepRNA-Twist demonstrates superior accuracy with the lowest mean MAE of 19.78|$^{\circ }$| across all torsion angles. This represents a significant improvement over RNA-TorsionBERT [10], which records a mean MAE of 22.6|$^{\circ }$|⁠, and a more pronounced advantage over SPOT-RNA-1D (mean MAE of 30.0|$^{\circ }$|⁠). Specifically, DeepRNA-Twist achieves the best performance in predicting |$\delta $| with an MAE of 12.1|$^{\circ }$|⁠, surpassing RNA-TorsionBERT’s MAE of 13.6|$^{\circ }$| and greatly outperforming SPOT-RNA-1D’s 28.3|$^{\circ }$|⁠. The largest improvement over RNA-TorsionBERT [10] is observed in the |$\gamma $| angle, where DeepRNA-Twist reduces the MAE by nearly 4|$^{\circ }$|⁠. Moreover, across other angles such as |$\chi $|⁠, |$\epsilon $|⁠, and |$\beta $|⁠, DeepRNA-Twist consistently maintains lower MAEs compared with all benchmarked methods. We also notice the same trend in the relationship between prediction difficulty and the distribution of angles. Angles associated with wider distribution, such as |$\alpha $|⁠, |$\gamma $|⁠, and |$\zeta $|⁠, are more difficult to predict compared with angles with narrower distribution such as |$\delta $| and |$\epsilon $|⁠. DeepRNA-Twist consistently shows statistically significant improvements in MAE across all torsion angles in this dataset over all other methods (Table 3).

Table 8

Performance comparison according to MAE in degrees on RNA-TorsionBERT test sets

Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$||$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|Mean
DeepRNA-Twist34.716.825.512.113.423.412.617.222.319.78
RNA-TorsionBERT|$^{*}$| [10]37.319.629.413.616.626.614.720.125.422.6
SPOT-RNA-ID|$^{*}$| [9]50.730.135.828.321.929.820.925.027.530.0
lsRNA1|$^{*}$| [22]53.126.239.214.625.938.419.027.631.730.6
AlphaFold|$^{*}$| 3 [23]51.226.538.017.021.338.320.530.236.331.1
RNAJP|$^{*}$| [24]56.831.641.918.627.742.121.129.833.333.7
Vfold-Pipeline|$^{*}$| [25]55.428.138.820.132.043.125.034.241.535.4
RNAComposer|$^{*}$| [26]58.931.548.217.927.140.024.832.838.635.5
MC-Sym|$^{*}$| [27]72.231.261.531.825.649.429.641.244.643.0
3dRNA|$^{*}$| [28]65.740.053.633.740.352.727.240.245.644.3
trRosettaRNA|$^{*}$| [29]67.636.867.026.432.954.358.338.248.347.8
Rhofold|$^{*}$| [30]94.366.076.260.652.872.632.442.046.660.4
Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$||$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|Mean
DeepRNA-Twist34.716.825.512.113.423.412.617.222.319.78
RNA-TorsionBERT|$^{*}$| [10]37.319.629.413.616.626.614.720.125.422.6
SPOT-RNA-ID|$^{*}$| [9]50.730.135.828.321.929.820.925.027.530.0
lsRNA1|$^{*}$| [22]53.126.239.214.625.938.419.027.631.730.6
AlphaFold|$^{*}$| 3 [23]51.226.538.017.021.338.320.530.236.331.1
RNAJP|$^{*}$| [24]56.831.641.918.627.742.121.129.833.333.7
Vfold-Pipeline|$^{*}$| [25]55.428.138.820.132.043.125.034.241.535.4
RNAComposer|$^{*}$| [26]58.931.548.217.927.140.024.832.838.635.5
MC-Sym|$^{*}$| [27]72.231.261.531.825.649.429.641.244.643.0
3dRNA|$^{*}$| [28]65.740.053.633.740.352.727.240.245.644.3
trRosettaRNA|$^{*}$| [29]67.636.867.026.432.954.358.338.248.347.8
Rhofold|$^{*}$| [30]94.366.076.260.652.872.632.442.046.660.4

*Reported from the preprint version of [10], available at https://www.biorxiv.org/content/10.1101/2024.06.06.597803v1

Table 8

Performance comparison according to MAE in degrees on RNA-TorsionBERT test sets

Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$||$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|Mean
DeepRNA-Twist34.716.825.512.113.423.412.617.222.319.78
RNA-TorsionBERT|$^{*}$| [10]37.319.629.413.616.626.614.720.125.422.6
SPOT-RNA-ID|$^{*}$| [9]50.730.135.828.321.929.820.925.027.530.0
lsRNA1|$^{*}$| [22]53.126.239.214.625.938.419.027.631.730.6
AlphaFold|$^{*}$| 3 [23]51.226.538.017.021.338.320.530.236.331.1
RNAJP|$^{*}$| [24]56.831.641.918.627.742.121.129.833.333.7
Vfold-Pipeline|$^{*}$| [25]55.428.138.820.132.043.125.034.241.535.4
RNAComposer|$^{*}$| [26]58.931.548.217.927.140.024.832.838.635.5
MC-Sym|$^{*}$| [27]72.231.261.531.825.649.429.641.244.643.0
3dRNA|$^{*}$| [28]65.740.053.633.740.352.727.240.245.644.3
trRosettaRNA|$^{*}$| [29]67.636.867.026.432.954.358.338.248.347.8
Rhofold|$^{*}$| [30]94.366.076.260.652.872.632.442.046.660.4
Model|$\boldsymbol{\alpha }$||$\boldsymbol{\beta }$||$\boldsymbol{\gamma }$||$\boldsymbol{\delta }$||$\boldsymbol{\epsilon }$||$\boldsymbol{\zeta }$||$\boldsymbol{\chi }$||$\boldsymbol{\eta }$||$\boldsymbol{\theta }$|Mean
DeepRNA-Twist34.716.825.512.113.423.412.617.222.319.78
RNA-TorsionBERT|$^{*}$| [10]37.319.629.413.616.626.614.720.125.422.6
SPOT-RNA-ID|$^{*}$| [9]50.730.135.828.321.929.820.925.027.530.0
lsRNA1|$^{*}$| [22]53.126.239.214.625.938.419.027.631.730.6
AlphaFold|$^{*}$| 3 [23]51.226.538.017.021.338.320.530.236.331.1
RNAJP|$^{*}$| [24]56.831.641.918.627.742.121.129.833.333.7
Vfold-Pipeline|$^{*}$| [25]55.428.138.820.132.043.125.034.241.535.4
RNAComposer|$^{*}$| [26]58.931.548.217.927.140.024.832.838.635.5
MC-Sym|$^{*}$| [27]72.231.261.531.825.649.429.641.244.643.0
3dRNA|$^{*}$| [28]65.740.053.633.740.352.727.240.245.644.3
trRosettaRNA|$^{*}$| [29]67.636.867.026.432.954.358.338.248.347.8
Rhofold|$^{*}$| [30]94.366.076.260.652.872.632.442.046.660.4

*Reported from the preprint version of [10], available at https://www.biorxiv.org/content/10.1101/2024.06.06.597803v1

Performance comparison based on MCQ

Table 9 shows the MCQ of DeepRNA-Twist, SPOT-RNA-1D, and RNA-TorsionBERT on both datasets. The MCQ metric quantifies the dissimilarity between the actual and predicted three-dimensional structures. A higher MCQ value indicates greater dissimilarity between the actual and predicted structures, while a lower MCQ value signifies greater similarity. On both datasets, DeepRNA-Twist achieves the least MCQ, which highlights the effectiveness of our approach in predicting RNA three-dimensional structures.

Table 9

Performance comparison based on MCQ

(a) RNA-TorsionBERT Dataset
ModelMCQ
DeepRNA-Twist15.13
SPOT-RNA-1D19.40
RNA-TorsionBERT17.40
(b) SPOT-RNA-1D Dataset
ModelMCQ
DeepRNA-Twist17.93
SPOT-RNA-1D24.47
RNA-TorsionBERT22.72
(a) RNA-TorsionBERT Dataset
ModelMCQ
DeepRNA-Twist15.13
SPOT-RNA-1D19.40
RNA-TorsionBERT17.40
(b) SPOT-RNA-1D Dataset
ModelMCQ
DeepRNA-Twist17.93
SPOT-RNA-1D24.47
RNA-TorsionBERT22.72
Table 9

Performance comparison based on MCQ

(a) RNA-TorsionBERT Dataset
ModelMCQ
DeepRNA-Twist15.13
SPOT-RNA-1D19.40
RNA-TorsionBERT17.40
(b) SPOT-RNA-1D Dataset
ModelMCQ
DeepRNA-Twist17.93
SPOT-RNA-1D24.47
RNA-TorsionBERT22.72
(a) RNA-TorsionBERT Dataset
ModelMCQ
DeepRNA-Twist15.13
SPOT-RNA-1D19.40
RNA-TorsionBERT17.40
(b) SPOT-RNA-1D Dataset
ModelMCQ
DeepRNA-Twist17.93
SPOT-RNA-1D24.47
RNA-TorsionBERT22.72

Ablation study

To evaluate the contributions of different components within the DeepRNA-Twist architecture, we conducted an ablation study in two parts: (1) a comparison between RiNALMo embeddings and one-hot encoded features, and (2) an assessment of individual architectural components by systematically removing them. The results are summarized in Tables 10 and 11, which include results for both RNA-TorsionBERT and SPOT-RNA-1D datasets. We first compared the performance of DeepRNA-Twist model using RiNALMo embeddings with a simpler feature encoding approach with one-hot encoded nucleotides. As shown in Table 10, the model using RiNALMo embeddings consistently outperforms the one-hot encoded model on both RNA-TorsionBERT and SPOT-RNA-1D datasets. Furthermore, we also investigated the performance of different RNA language models as shown in Fig. 6. For this experiment, we chose BiRNA-BERT [31] and RNA-FM [32] as the two competing language models. RiNALMo turns out to be the best-performing model on both datasets and thus it validates our design choice.

Table 10

Feature encoding ablation: mean MAE of nine torsion angles

(a) RNA-TorsionBERT Dataset
Feature EncodingMean MAE (⁠|$^\circ $|⁠)
RiNALMo19.78
One-Hot Encoding23.45
(b) SPOT-RNA-1D Dataset
Feature EncodingMean MAE (⁠|$^\circ $|⁠)
RiNALMo23.58
One-Hot Encoding27.31
(a) RNA-TorsionBERT Dataset
Feature EncodingMean MAE (⁠|$^\circ $|⁠)
RiNALMo19.78
One-Hot Encoding23.45
(b) SPOT-RNA-1D Dataset
Feature EncodingMean MAE (⁠|$^\circ $|⁠)
RiNALMo23.58
One-Hot Encoding27.31
Table 10

Feature encoding ablation: mean MAE of nine torsion angles

(a) RNA-TorsionBERT Dataset
Feature EncodingMean MAE (⁠|$^\circ $|⁠)
RiNALMo19.78
One-Hot Encoding23.45
(b) SPOT-RNA-1D Dataset
Feature EncodingMean MAE (⁠|$^\circ $|⁠)
RiNALMo23.58
One-Hot Encoding27.31
(a) RNA-TorsionBERT Dataset
Feature EncodingMean MAE (⁠|$^\circ $|⁠)
RiNALMo19.78
One-Hot Encoding23.45
(b) SPOT-RNA-1D Dataset
Feature EncodingMean MAE (⁠|$^\circ $|⁠)
RiNALMo23.58
One-Hot Encoding27.31
Table 11

Component ablation: mean MAE of nine torsion angles

(a) RNA-TorsionBERT Dataset
Model VariantMean MAE (⁠|$^\circ $|⁠)
Full Model19.78
Without Transformer Encoder22.90
Without 2A3IDC Modules24.31
Without Multi-head Attention21.86
(b) SPOT-RNA-1D Dataset
Model VariantMean MAE (⁠|$^\circ $|⁠)
Full Model23.58
Without Transformer Encoder26.34
Without 2A3IDC Modules28.72
Without Multi-head Attention25.91
(a) RNA-TorsionBERT Dataset
Model VariantMean MAE (⁠|$^\circ $|⁠)
Full Model19.78
Without Transformer Encoder22.90
Without 2A3IDC Modules24.31
Without Multi-head Attention21.86
(b) SPOT-RNA-1D Dataset
Model VariantMean MAE (⁠|$^\circ $|⁠)
Full Model23.58
Without Transformer Encoder26.34
Without 2A3IDC Modules28.72
Without Multi-head Attention25.91
Table 11

Component ablation: mean MAE of nine torsion angles

(a) RNA-TorsionBERT Dataset
Model VariantMean MAE (⁠|$^\circ $|⁠)
Full Model19.78
Without Transformer Encoder22.90
Without 2A3IDC Modules24.31
Without Multi-head Attention21.86
(b) SPOT-RNA-1D Dataset
Model VariantMean MAE (⁠|$^\circ $|⁠)
Full Model23.58
Without Transformer Encoder26.34
Without 2A3IDC Modules28.72
Without Multi-head Attention25.91
(a) RNA-TorsionBERT Dataset
Model VariantMean MAE (⁠|$^\circ $|⁠)
Full Model19.78
Without Transformer Encoder22.90
Without 2A3IDC Modules24.31
Without Multi-head Attention21.86
(b) SPOT-RNA-1D Dataset
Model VariantMean MAE (⁠|$^\circ $|⁠)
Full Model23.58
Without Transformer Encoder26.34
Without 2A3IDC Modules28.72
Without Multi-head Attention25.91
MAE for different RNA Language Models.
Figure 6

MAE for different RNA Language Models.

In the second part of our ablation study, we evaluated the contributions of key components within DeepRNA-Twist architecture by systematically removing them. Each component’s removal allowed us to assess its impact on the overall model performance, as reflected by the mean MAE of all torsion angles. Table 11 presents the results of the component removal experiments. The removal of the 2A3IDC modules led to the highest increase in mean MAE across both datasets, emphasizing their critical role in capturing both local and global dependencies within the sequence. Removing the Transformer Encoder Layer and Multi-head Attention also resulted in performance drops, highlighting their importance in the model’s architecture.

To further investigate the effectiveness of 2A3IDC module, we replaced this module with similar type of architectures (2A3I [20] and 3I [33]) while keeping all the other parts of the network intact. Table 12 records the results, clearly showing the superiority of 2A3IDC module over the other two. In particular, its superior performance over 2A3I is commendable since it has far less parameters, demonstrating its efficiency. This is attributed to its design, which combines Inception networks, dilated convolutions, and multi-head attention. The dilated CNNs capture broader context and long-range dependencies with fewer parameters, while the multi-head attention enhances the capture of local and global features. In contrast, 3I, which lacks an attention mechanism, has the fewest parameters but delivers the worst performance. These results show 2A3IDC’s ability to balance computational efficiency and accuracy. The ablation study confirms that the 2A3IDC modules and language model embeddings are vital, validating our design choices in DeepRNA-Twist.

Table 12

Comparison among 2A3IDC, 2A3I, and 3I modules

(a) RNA-TorsionBERT Dataset
ModuleMean MAE (⁠|$^\circ $|⁠)Total parameters
2A3IDC19.782371 820
2A3I26.913153 020
3I28.721707 620
(b) SPOT-RNA-1D Dataset
ModuleMean MAE (⁠|$^\circ $|⁠)Total arameters
2A3IDC23.582371 820
2A3I27.843153 020
3I29.101707 620
(a) RNA-TorsionBERT Dataset
ModuleMean MAE (⁠|$^\circ $|⁠)Total parameters
2A3IDC19.782371 820
2A3I26.913153 020
3I28.721707 620
(b) SPOT-RNA-1D Dataset
ModuleMean MAE (⁠|$^\circ $|⁠)Total arameters
2A3IDC23.582371 820
2A3I27.843153 020
3I29.101707 620
Table 12

Comparison among 2A3IDC, 2A3I, and 3I modules

(a) RNA-TorsionBERT Dataset
ModuleMean MAE (⁠|$^\circ $|⁠)Total parameters
2A3IDC19.782371 820
2A3I26.913153 020
3I28.721707 620
(b) SPOT-RNA-1D Dataset
ModuleMean MAE (⁠|$^\circ $|⁠)Total arameters
2A3IDC23.582371 820
2A3I27.843153 020
3I29.101707 620
(a) RNA-TorsionBERT Dataset
ModuleMean MAE (⁠|$^\circ $|⁠)Total parameters
2A3IDC19.782371 820
2A3I26.913153 020
3I28.721707 620
(b) SPOT-RNA-1D Dataset
ModuleMean MAE (⁠|$^\circ $|⁠)Total arameters
2A3IDC23.582371 820
2A3I27.843153 020
3I29.101707 620

Case study

In this case study, we started with native RNA structures (as PDB files) with PDB IDs 4R4V and 7PTK and obtained predicted backbone torsion angles using DeepRNA-Twist. These predicted angles were then applied to the corresponding nucleotides of native structures in PyMOL [34] using the set_dihedral function, generating new RNA conformations. The reconstructed structures were subsequently superimposed onto their native PDB structures (see Fig. 7), and the root mean square deviation (RMSD) values were calculated to quantify the accuracy of the predictions. All modifications, visualization, and evaluation were performed within PyMOL. In the superimposed visualizations, the native structures are displayed in cyan, while the predicted structures are shown in magenta, allowing for a direct comparison of the model’s predictions with the experimental data. For 7PTK, the RMSD between the predicted and native structures was 6.59 Å, and for 4R4V, the RMSD was 3.31 Å. We also employed two other torsion angle prediction models—SPOT-RNA-1D and RNA-TorsionBERT and two recent sequence to 3D structure prediction models—AlphaFold3 [23] and RhoFold+ [35] for this experiment as shown in Fig. 8. For the sequence to 3D structure prediction models, the RNA sequence was given as input and the predicted 3D structure was the output, which we used for comparison. These results demonstrate the capability to closely align predicted RNA structures with their experimentally determined counterparts, highlighting the effectiveness of DeepRNA-Twist in RNA torsion angle prediction over the state-of-the-art models.

Visualization of the superposition of RNA structures: (a) 7PTK and (b) 4R4V using the torsion angles estimated by DeepRNA-Twist (magenta color), compared with the structures using the native angles obtained from PDB (cyan color).
Figure 7

Visualization of the superposition of RNA structures: (a) 7PTK and (b) 4R4V using the torsion angles estimated by DeepRNA-Twist (magenta color), compared with the structures using the native angles obtained from PDB (cyan color).

Comparison of RMSD for 4R4V and 7PTK.
Figure 8

Comparison of RMSD for 4R4V and 7PTK.

Discussion

In this study, we introduced DeepRNA-Twist, a novel deep learning approach for predicting RNA torsion and pseudo-torsion angles solely from sequence data. DeepRNA-Twist integrates several key modules, each contributing unique strengths. The transformer encoder captures complex dependencies and contextual relationships, essential for RNA torsion angle prediction. The 2A3IDC modules extract multi-scale features and recognize long-range dependencies while refining focus on critical structural variations through multi-head attention mechanisms. Attention modules throughout the architecture dynamically weigh contributions, ensuring significant features are prioritized. Our evaluations on benchmark datasets such as RNA-Puzzles [13], CASP-RNA [14], and SPOT-RNA-1D [9] demonstrate that DeepRNA-Twist significantly outperforms existing methods, achieving state-of-the-art accuracy. On the SPOT-RNA-1D dataset, the model showed 10% to 15% MAE improvements, depicting its robustness and accuracy. Angles with wider distribution like |$\alpha $|⁠, |$\zeta $|⁠, and |$\theta $| showed notable improvements, whereas angles like |$\delta $| and |$\epsilon $|⁠, which have narrower distribution, were easier to predict. Despite complexities in predicting angles for nucleotides involved in tertiary interactions, DeepRNA-Twist consistently achieved lower MAEs compared with other methods. Further analysis on RNA-Puzzles and CASP-RNA datasets highlights that DeepRNA-Twist outperforms deep learning based state-of-the-art methods, including RNA-TorsionBERT [10], SPOT-RNA-1D [9], and AlphaFold 3 [23], with an overall MAE reduction of more than 10|$^{\circ }$| and a 35% improvement in accuracy compared with template-based and ab initio methods. Moreover, we show the effectiveness of DeepRNA-Twist in predicting RNA three-dimensional structures by using MCQ as evaluation metric. These results highlight the model’s superior performance and generalizability. Despite these advancements, inherent limitations remain. Reducing MAE below a certain threshold is challenging due to RNA structural complexity and variability. Angles like |$\alpha $| and |$\gamma $| with wider distribution are particularly difficult to predict accurately, necessitating continued research, the integration of additional biophysical constraints, and more comprehensive datasets. In our future work, we aim to address these issues to further improve prediction accuracy.

Key Points
  • We present DeepRNA-Twist, a novel deep learning framework for predicting RNA torsion and pseudo-torsion angles from RNA sequence.

  • We introduce 2A3IDC module (Attention Augmented Inception Inside Inception with Dilated CNN), combining inception networks, dilated CNNs, and multi-head attention to capture both short- and long-range dependencies in RNA sequences efficiently.

  • DeepRNA-Twist achieves state-of-the-art accuracy in RNA torsion angle prediction, outperforming existing methods on benchmark datasets like RNA-Puzzles, CASP-RNA, and SPOT-RNA-1D.

  • We provide interpretations of DeepRNA-Twist’s performance based on angle distribution and nucleotide interactions, demonstrating significant improvements, especially for angles with broader distributions and complex tertiary interactions which are difficult to predict.

  • DeepRNA-Twist is freely available as an easy-to-use script at https://github.com/abrarrahmanabir/DeepRNA-Twist.

Funding

M Saifur Rahman is partially supported by basic research grant from BUET.

References

1.

Scott
 
LG
,
Hennig
 
M
.
RNA structure determination by NMR
.
Methods Mol Biol
 
2008
;
452
:
29
61
.

2.

Jackson
 
RW
,
Smathers
 
CM
,
Robart
 
AR
.
General strategies for RNA X-ray crystallography
.
Molecules
 
2023
;
28
:
2111
.

3.

Zhang
 
K
,
Li
 
S
,
Kappel
 
K
. et al.  
Cryo-EM structure of a 40 kDa SAM-IV riboswitch RNA at 3.7 Å resolution
.
Nat Commun
 
2019
;
10
:
5511
.

4.

Kim
 
YK
.
RNA therapy: rich history, various applications and unlimited future prospects
.
Exp Mol Med
 
2022
;
54
:
455
65
.

5.

Mackowiak
 
M
,
Adamczyk
 
B
,
Szachniuk
 
M
. et al.  
RNAtango: analysing and comparing RNA 3D structures via torsional angles
.
PLoS Comput Biol
 
2024
;
20
:
e1012500
.

6.

Frellsen
 
J
,
Moltke
 
I
,
Thiim
 
M
. et al.  
A probabilistic model of RNA conformational space
.
PLoS Comput Biol
 
2009
;
5
:
e1000406
.

7.

Xu
 
YC
,
ShangGuan
 
TJ
,
Ding
 
XM
. et al.  
Accurate prediction of protein torsion angles using evolutionary signatures and recurrent neural network
.
Sci Rep
 
2021
;
11
:
21033
.

8.

Hanson
 
J
,
Paliwal
 
K
,
Litfin
 
T
. et al.  
Improving prediction of protein secondary structure, backbone angles, solvent accessibility and contact numbers by using predicted contact maps and an ensemble of recurrent and residual convolutional neural networks
.
Bioinformatics
 
2019
;
35
:
2403
10
.

9.

Singh
 
J
,
Paliwal
 
K
,
Singh
 
J
. et al.  
RNA backbone torsion and pseudotorsion angle prediction using dilated convolutional neural networks
.
J Chem Inf Model
 
2021
;
61
:
2610
22
.

10.

Bernard
 
C
,
Postic
 
G
,
Ghannay
 
S
. et al.  
RNA-TorsionBERT: leveraging language models for RNA 3D torsion angles prediction
.
Bioinformatics
 
2025
;
41
:
btaf004
.

11.

Dawson
 
WK
,
Maciejczyk
 
M
,
Jankowska
 
EJ
. et al.  
Coarse-grained modeling of RNA 3D structure
.
Methods
 
2016
;
103
:
138
56
.

12.

Penić RJ, Vlašić T, Huber RG, Wan Y, Šikić M. Rinalmo: General-purpose rna language models can generalize well on structure prediction tasks. arXiv preprint arXiv:2403.00043. 2024.

13.

Magnus
 
M
,
Antczak
 
M
,
Zok
 
T
. et al.  
RNA-Puzzles toolkit: a computational resource of RNA 3D structure benchmark datasets, structure manipulation, and evaluation tools
.
Nucleic Acids Res
 
2020
;
48
:
576
88
.

14.

Das
 
R
,
Kretsch
 
RC
,
Simpkin
 
AJ
. et al.  
Assessment of three-dimensional RNA structure prediction in CASP15
.
Proteins
 
2023
;
91
:
1747
70
.

15.

Rose
 
PW
,
Prlić
 
A
,
Altunkaya
 
A
. et al.  
The RCSB protein data bank: integrative view of protein, gene and 3D structural information
.
Nucleic Acids Res
 
2016
;
45
:
gkw1000
.

16.

Fu
 
L
,
Niu
 
B
,
Zhu
 
Z
. et al.  
CD-HIT: accelerated for clustering the next-generation sequencing data
.
Bioinformatics
 
2012
;
28
:
3150
2
.

17.

Altschul
 
SF
,
Gish
 
W
,
Miller
 
W
. et al.  
Basic local alignment search tool
.
J Mol Biol
 
1990
;
215
:
403
10
.

18.

Lu
 
X-J
,
Bussemaker
 
HJ
,
Olson
 
WK
.
DSSR: an integrated software tool for dissecting the spatial structure of RNA
.
Nucleic Acids Res
 
2015
;
43
:
gkv716
.

19.

Vaswani
 
A
,
Shazeer
 
N
,
Parmar
 
N
. et al.  
Attention is all you need
.
Advances in neural information processing systems
 
2017
;
30
.

20.

Uddin
 
MR
,
Mahbub
 
S
,
Rahman
 
MS
. et al.  
SAINT: self-attention augmented inception-inside-inception network improves protein secondary structure prediction
.
Bioinformatics
 
2020
;
36
:
4599
608
.

21.

Bernard
 
C
,
Postic
 
G
,
Ghannay
 
S
. et al.  
State-of-the-RNArt: benchmarking current methods for RNA 3D structure prediction
.
NAR Genomics Bioinf
 
2024
;
6
:
lqae048
.

22.

Zhang
 
D
,
Li
 
J
,
Chen
 
S-J
.
IsRNA1: de novo prediction and blind screening of RNA 3D structures
.
J Chem Theory Comput
 
2021
;
17
:
1842
57
.

23.

Abramson
 
J
,
Adler
 
J
,
Dunger
 
J
. et al.  
Accurate structure prediction of biomolecular interactions with AlphaFold 3
.
Nature
 
2024
;
630
:
493
500
.

24.

Li
 
J
,
Chen
 
S-J
.
RNAJP: enhanced RNA 3D structure predictions with noncanonical interactions and global topology sampling
.
Nucleic Acids Res
 
2023
;
51
:
3341
56
.

25.

Li
 
J
,
Zhang
 
S
,
Zhang
 
D
. et al.  
Vfold-Pipeline: a web server for RNA 3D structure prediction from sequences
.
Bioinformatics
 
2022
;
38
:
4042
3
.

26.

Popenda
 
M
,
Szachniuk
 
M
,
Antczak
 
M
. et al.  
Automated 3D structure composition for large RNAs
.
Nucleic Acids Res
 
2012
;
40
:
e112
2
.

27.

Parisien
 
M
,
Major
 
F
.
The MC-Fold and MC-Sym pipeline infers RNA structure from sequence data
.
Nature
 
2008
;
452
:
51
5
.

28.

Wang
 
J
,
Wang
 
J
,
Huang
 
Y
. et al.  
3dRNA v2.0: an updated web server for RNA 3D structure prediction
.
Int J Mol Sci
 
2019
;
20
:
4116
.

29.

Wang
 
W
,
Feng
 
C
,
Han
 
R
. et al.  
trRosettaRNA: automated prediction of RNA 3D structure with transformer network
.
Nat Commun
 
2023
;
14
:
7266
.

30.

Shen
 
T
,
Hu
 
Z
,
Peng
 
Z
. et al.  
E2Efold-3D: End-to-End Deep Learning Method for Accurate de Novo RNA 3D Structure Prediction
arXiv preprint arXiv:2207.01586.
2022
.

31.

Tahmid
 
MT
,
Shahgir
 
HS
,
Mahbub
 
S
. et al.  
BiRNA-BERT allows efficient RNA language modeling with adaptive tokenization
.
bioRxiv
 
2024
;
2024
07
.

32.

Chen
 
J
,
Hu
 
Z
,
Sun
 
S
. et al.  
Interpretable RNA foundation model from unannotated data for highly accurate RNA structure and function predictions
 
arXiv preprint arXiv:2204.00300
.
2022
.

33.

Fang
 
C
,
Shang
 
Y
,
Xu
 
D
.
MUFold-SS: new deep inception-inside-inception networks for protein secondary structure prediction
.
Proteins
 
2018
;
86
:
592
8
.

34.

Schrodinger
 
LLC
.
The pymol molecular graphics system
 
Version, 1
.
2015
;
8
.

35.

Shen
 
T
,
Zhihang
 
H
,
Sun
 
S
. et al.  
Accurate RNA 3D structure prediction using a language model-based deep learning approach
.
Nat Methods
 
2024
;
1
12
.

This is an Open Access article distributed under the terms of the Creative Commons Attribution Non-Commercial License (https://creativecommons.org/licenses/by-nc/4.0/), which permits non-commercial re-use, distribution, and reproduction in any medium, provided the original work is properly cited. For commercial re-use, please contact [email protected]