Skip to main content

MFPINC: prediction of plant ncRNAs based on multi-source feature fusion

Abstract

Non-coding RNAs (ncRNAs) are recognized as pivotal players in the regulation of essential physiological processes such as nutrient homeostasis, development, and stress responses in plants. Common methods for predicting ncRNAs are susceptible to significant effects of experimental conditions and computational methods, resulting in the need for significant investment of time and resources. Therefore, we constructed an ncRNA predictor(MFPINC), to predict potential ncRNA in plants which is based on the PINC tool proposed by our previous studies. Specifically, sequence features were carefully refined using variance thresholding and F-test methods, while deep features were extracted and feature fusion were performed by applying the GRU model. The comprehensive evaluation of multiple standard datasets shows that MFPINC not only achieves more comprehensive and accurate identification of gene sequences, but also significantly improves the expressive and generalization performance of the model, and MFPINC significantly outperforms the existing competing methods in ncRNA identification. In addition, it is worth mentioning that our tool can also be found on Github (https://github.com/Zhenj-Nie/MFPINC) the data and source code can also be downloaded for free.

Peer Review reports

Introduction

RNA (ribonucleic acid) is a crucial molecule that plays diverse roles in cellular processes. Traditionally, RNA is primarily recognized as messenger RNA, acting as an intermediary messenger molecule in protein synthesis. However, recent research has unveiled a diverse array of non-coding RNA (ncRNA) [1, 2] molecules that do not encode proteins. Initially, it is dismissed as transcriptional “noise” or “junk” RNA [3, 4], but emerging evidence now suggests their critical regulatory functions across various biological processes, including gene expression, chromatin organization, and intracellular homeostasis. ncRNAs can be categorized into different classes based on their size and function. Well-explored ncRNA classes include transfer RNA (tRNA), ribosomal RNA (rRNA), small nuclear RNA (snRNA), small nucleolar RNA (snoRNA), and microRNA (miRNA) [5]. Of particular significance, miRNAs have garnered extensive attention due to their vital roles in post-transcriptional regulation. By binding to mRNA, they can either suppress translation or facilitate mRNA degradation. In addition to these ncRNA classes, long non-coding RNAs (lncRNAs) represent a versatile and functionally important group of ncRNAs. Typically exceeding 200 nucleotides in length, lncRNAs participate in the regulation of gene expression at multiple levels [6,7,8], including epigenetic modifications, transcriptional regulation, and post-transcriptional processing. They play crucial roles in development, cellular differentiation, and disease processes. In plants, non-coding RNAs exhibit manifold functions and regulatory actions. They actively contribute to various physiological processes such as nutrient balance, growth and development, response to biotic and abiotic stresses, as well as signal transduction [9]. For instance, certain ncRNAs have been implicated in the regulation of flowering time, leaf morphogenesis, root development, and response to environmental signals.

Predicting and identifying ncRNAs and other protein-coding RNAs(mRNAs) is a complex and challenging task [10]. Researchers have developed a variety of experimental and computational methods to unravel the ncRNA transcriptome. Experimental techniques such as northern hybridization, reverse transcription-polymerase chain reaction (RT-PCR), microarrays, and high-throughput RNA sequencing (RNA-seq) have been employed to detect and quantify ncRNAs [11]. On the other hand, computational methods utilize sequence homology, structure prediction, and machine learning algorithms to identify and annotate ncRNAs. While these methods have made significant progress in ncRNA prediction and identification, there is still a need for improved tools that offer higher accuracy while requiring less time and resources. In recent research, bioinformatics has emerged as a promising avenue for addressing biological challenges in this domain [12,13,14].

In 2007, Kong and colleagues introduced the Coding Potential Calculator (CPC) [15], representing a significant advancement in the field of bioinformatics. The design of CPC aimed to leverage crucial biological features to assist in predicting the potential coding functionality of sequences. These features encompass ORF (Open Reading Frame) quality, coverage, and completeness, which are seamlessly integrated into a Support Vector Machine (SVM) model for encoding potential biological attributes, although its performance is greatly influenced by sequence alignment. Over time, the field of bioinformatics has faced new challenges and opportunities. After 17 years, the release of CPC2 [16] further strengthened this tool. CPC2 not only achieved significant performance improvements compared to its predecessor CPC but also demonstrated enhanced speed and accuracy. As input for the SVM model, CPC2 introduced additional features, including ORF size and completeness, Fickett scores, and isoelectric points extracted from raw RNA sequences. This improvement rendered CPC2 a relatively neutral tool, better suited for studying the transcriptome of non-model organisms. Additionally, CPAT, introduced in 2013 by Wang et al., is another noteworthy tool. CPAT applies logistic regression modeling to classify ncRNAs and mRNAs based on features such as ORF size, coverage, Fickett score, and hexamer score [17]. Similarly, in 2013, Liang et al. proposed CNCI, which utilizes a distinct feature set relying on ANT features to classify ncRNAs and mRNAs, while utilizing the same SVM classifier as CPC2. Subsequently, in 2019, an updated version of CNCI [18], CNIT, was introduced, employing a more robust integrated machine model called XGBoost for classification. Another groundbreaking work was the introduction of CPPred [19] by Tong et al. in 2019. It is an SVM-based tool that utilizes a range of features, including ORF features similar to CPC2, along with isoelectric point, stability index, gravity tripeptide, hexameric score, CTD score, tripeptide and hexameric score, and CTD score, for classifying ncRNAs and coding RNAs.

Singh et al. have introduced a groundbreaking predictive tool for plant lncRNAs, which they have termed PLncPRO. This framework has utilized existing knowledge of both coding and non-coding transcriptomes and has employed a random forest algorithm to improve the accuracy of lncRNA detection [20]. Concurrently, Tatianne et al. have developed the RNAplonc approach, specifically designed for identifying lncRNAs within the plant kingdom. By conducting a thorough feature analysis of non-redundant plant transcriptome datasets within a machine learning framework, this method has successfully identified 16 key features that are instrumental in the categorization of lncRNAs [21]. However, it should be noted that these methodologies largely rely on plant lncRNA-specific datasets for model training, which may not fully capture the predictive and discriminative capabilities across the entire range of plant ncRNAs.Although numerous excellent tools have emerged for distinguishing between ncRNAs and coding RNAs, they still exhibit some limitations. One significant limitation is that these tools have primarily been trained and validated as models for vertebrates and mammals. Additionally, most of these tools have only been trained using the model plant Arabidopsis thaliana, limiting their applicability to non-model plants. It is worth noting that animal ncRNAs are predominantly synthesized by RNA polymerase II, while plant ncRNAs are mainly produced by RNA polymerases II, IV, and V [22]. Given the low-level expression and cross-species conservation characteristics of ncRNAs [23], these tools may not be sufficiently reliable when applied to the plant domain.

To address these issues, our lab released PINC in 2022 [24, 25], a tool based on the AutoML framework, which is able to extract 10 features that can effectively differentiate between non-coding and coding RNAs in plants. In comparison to the aforementioned four tools, PINC exhibits greater accuracy in identifying RNA sequences as non-coding RNAs. Nevertheless, for precise identification of non-coding RNAs, it is essential to carefully select high-quality features based on the distinctive structure of non-coding RNAs in plants. Achieving this requires a substantial amount of prior biological knowledge regarding these specific features.

The traditional feature extraction and feature selection methods in existing tools often focus on a single feature source, disregarding the interactions and synergies between different features. This limitation can lead to information loss and misinterpretation, consequently impacting subsequent data analysis and model construction. Therefore, in recent years, an increasing number of studies have explored feature fusion methods, which aim to effectively integrate features from different sources or at different levels [26]. The objective is to enhance the expressive and predictive capabilities of data. Feature fusion finds extensive applications in the field of bioinformatics, including gene expression data analysis, protein structure prediction, and drug target discovery [27, 28]. By leveraging feature fusion techniques, a few of researchers can harness the rich information contained in heterogeneous data from multiple sources, thereby improving the efficiency and accuracy of data analysis and model construction.

Therefore, this study proposes a feature fusion method to address the problem of ncRNA identification. Building upon the sequence features extracted by the PINC tool and validated through experiments conducted on the training set, we demonstrate that deep learning models can automatically extract plant-specific features from the raw sequence data. To further enhance the model’s performance, improve its generalization ability in identifying unknown gene sequences, provide richer information, and increase interpretability, our laboratory has developed a novel framework for non-coding RNA recognition. In this framework, we have considered the following aspects of our research: (1) a comparative analysis of different deep models for extracting depth features, (2) extraction of gene-related sequence features, and (3) fusion of depth features with sequence features.

The contributions of this paper are as follows:(1) we propose a deep feature extraction method based on a depth model; (2) we propose a method to perform fusion of deep features and sequence features; (3) in combination with the first two points, we develop a tool for ncRNA identification, and after comparing our tool with the PINC, ABLNCPP,  CPC2, CPAT, CNIT, and CPPred identification tools on 8 independent test sets to validate the performance of the tool, we found that our tool performed very well on these independent test sets. This indicates that our tool is equally a reliable method for identifying plant ncRNAs. In addition, in our web server, users can upload their own data for identification, which facilitates the study of plants that are currently receiving less attention.

Result

Comparison of depth models and acquisition of depth features

In this section, we engaged in a comparative analysis of seven widely-adopted deep learning algorithms within the natural language processing domain, specifically: RNN, Bi-RNN, GRU, Bi-GRU, LSTM, Bi-LSTM, and Transformer. To discern the most efficacious method, we employed one-hot and word-embedding encoding strategies throughout our experiments. In our experimental context, one-hot encoded a base utilizing a four-dimensional binary vector, while Word Embedding did so with a 50-dimensional vector. To uphold the comparison’s fairness across various encoding methods and models, we ensured consistency in experimental conditions. Our comparative results (referred to Table 1) revealed that the GRU, Bi-GRU, and Transformer models, when encoded with Word Embedding, outperformed their counterparts, registering significantly higher scores across all seven evaluation metrics relative to both the other four models encoded with Word Embedding and all models encoded with one-hot. Given the pronounced disparity between the two encoding methods in the context of our task, we chose Word Embedding as the preliminary encoding input method for the sequences. This decision initiatedthe enhancement of the GRU, Bi-GRU, and Transformer models.

Table 1 Performance of different deep learning models with different coding methods

To optimize our model’s performance, we fine-tuned four distinct hyperparameters: learning rate, number of hidden units, batch size, and sequence length. For the learning rate, we evaluated the effects of four values: [0.1, 0.01, 0.001, 0.0001]. We tested three configurations for the number of hidden units: [20, 25, 30]. For batch size, we experimented with [8, 16, 32, 64], and for sequence length, we assessed the model’s response to inputs of 800, 100, 1200, and 1400 within our deep models,employing Word Embedding for encoding. This approach allowed us to gauge the impact of varying sequence lengths on the model’s recognition capabilities. The optimal hyperparameter configuration was determined to be: a learning rate of 0.001, 20 hidden units, a batch size of 16, and the optimal sequence length of the GRU and Bi-GRU models is 1200, and the optimal sequence length of the Transformer model is 1000.The detailed outcomes of this tuning process are illustrated below (Fig. 1).

Fig. 1
figure 1

Performance of the model before and after parameter tuning

Considering the intricate structures and correlations typical of gene sequences, traditional feature extraction techniques may not be able to capture these complexities in capturing their nuance. To circumvent this limitation, we deployed three deep learning models—GRU, Bi-GRU, and Transformer—to autonomously discern potential features from these sequences. Upon optimizing these models, we extracted 1,200 deep features from GRU, 1,200 from Bi-GRU, and 3,000 from Transformer, calibrating the filter dimensions for each model to [3, 5]. Deep learning models, with their multi-layered architecture, excelled in automatically recognizing and portraying the high-dimensional features inherent in gene sequences, thereby enriching the representation of pivotal genetic data. To validate the efficacy of these extracted deep features, we compared the prediction effect of these three deep features with the original sequence on the deep learning model in three common machine learning models as a way to verify whether the effect of deep features was feasible, and the results were shown below (Fig. 2).

Fig. 2
figure 2

Comparison between the original depth model and machine learning models using three types of depth features(-S represents using the SVM model)

From the bar charts, the performance differences of various deep features across machine learning models were evident. Notably, barring the 3,000 features extracted from the Transformer, both GRU and Bi-GRU exhibited exceptional performance in SVM and RFC. The discrepancies between them and the initial deep learning model were minimal, spanning just 1% and 2%, respectively. These findings underscored the efficacy of our approach in harnessing deep learning models for feature extraction from gene sequences and emphasize the pivotal role that deep feature extraction plays in RNA sequence recognition. Deep learning models excel in autonomously discerning abstract, high-dimensional representations that are essential to encapsulate the intricate compositional and structural nuances within RNA sequences. This capability obviates the need for labor-intensive manual feature engineering and amplifies the efficiency in capitalizing on the data’s inherent richness. Furthermore, these models adeptly capture both local and global dependencies within RNA sequences via multi-layered representation learning. This facilitates a nuanced understanding of the interplay among the bases and the overarching sequence architecture, resulting in a heightened precision in predicting RNA sequence attributes.

Furthermore, we observed that the 3,000 deep features derived from the Transformer achieved an impressive 94% accuracy within the original deep model. However, their performance in random forests was lackluster. This disparity suggested that while the Transformer model boasted potent expressivity and generalization capabilities, it demanded ample data and computational resources for effective training and optimization. Drawing from this, it’s evident that Deep Learning models excel in gleaning deep features from gene sequences, with particularly favorable outcomes when applied to random forests.

Comparison of sequence features and depth features

For feature extraction, our emphasis was on relevance and discriminative power. We employed variance thresholding during our experiments for feature selection. In particular, our selection encompassed 91 features, inclusive of k-mers = [1,2,3] and CDs correlation, alongside 45 features that surpassed the mean threshold. We further incorporated a hybrid method combining the f-test with variance thresholding using the PINC tool. This allowed us to pinpoint 10 salient features, namely: GC content, Score, cdsStop, cdsSize, T, C, GT, GC, ACG, and TAT frequencies.

Post-feature extraction, we fed the unfiltered 91 features and the post-filtered 45 and 10 features into three machine learning algorithms: Naive Bayes, SVM, and RFC. To ascertain the significance of these sequence characteristics in the context of gene sequence modeling, we conducted a comparative analysis of their predictive efficacy against the deep features derived from the aforementioned trio of deep learning models, utilizing a designated validation dataset. Concurrently, we also compared these three sequence features with The original sequences without extracted features were compared. Detailed results are shown below (Fig. 3).

Fig. 3
figure 3

A Comparison of three sequence features and three deep features in different machine learning models; (B) Comparison of three sequence features and the original sequence in different machine learning models

Upon thorough examination of the data and rigorous evaluation of the models, Fig. 3(A) provides a clear depiction of the accuracy performance associated with manually curated sequence characteristics across various machine learning frameworks. Notably, the incorporation of these features into the RFC model exhibits performance that is competitive with the two superior deep learning architectures, namely the GRU and the Bi-GRU. Specifically, within the RFC model, the accuracy achieved with the utilization of 10, 45, and 91 sequence features was 93.63%, 94.02%, and 93.83%, respectively. These figures are marginally lower by 0.0088 and 0.0127 when compared to the accuracy of the GRU’s deep features within the same model, highlighting the robustness of the manually extracted features.

Furthermore, Fig. 3(B) presents a comparative analysis revealing that the utilization of extracted sequence features markedly enhances the predictive accuracy of the model when contrasted with the original sequences devoid of feature extraction. Within the Random Forest Classifier (RFC) model, which demonstrated optimal performance, the incorporation of the three distinct feature sets resulted in a significant increase in accuracy by 0.0282, 0.0321, and 0.0302 percentage points, respectively, over the accuracy achieved with the original sequence. These findings substantiate the efficacy of the sequence feature extraction technique employed in our study.

It is clear from the figure that the manually extracted sequence features outperform the deep features of the deep model on each machine learning model of the validation set. It’s pivotal to note that our validation and test sets were analogous in terms of data distribution, noise, and outlier presence. Such a consistency led us to surmise that machine learning models might possess enhanced generalization capabilities, aptly fitting smaller datasets. For tasks involving sequence recognition, the integration of manually curated features appears to bolster model efficacy. In some instances, these sequence-specific features are likely more pertinent and discerning than features learned autonomously, potentially accounting for the observed superior performance of the machine learning model on the test set.

From the presented figure, it’s evident that employing the extracted feature sequences as inputs into the machine-learning model yielded remarkable accuracy rates. Notably, the RFC stood out when these features were utilized, showing a significant advantage over the other machine learning models and matching the accuracy of the deep learning model. One plausible explanation was the inherent design of the RFC: an ensemble learning model that amalgamates the predictions from multiple decision trees through a voting mechanism. Such an architecture enriches the model’s complexity, enabling it to discern intricate patterns within the data. In contrast, both Naive Bayes and Support Vector Machines (SVMs) predicate their predictions on singular hypotheses or decision boundaries. Furthermore, RFC possesses intrinsic mechanisms to counteract overfitting by constructing each decision tree from a random subset of features and samples. This inherent randomness promotes model diversity, curtailing overfitting risks. Conversely, both Naive Bayes and SVMs might necessitate supplementary parameter tuning or regularization to mitigate overfitting. These findings accentuated the pivotal role of manually extracted features in sequence prediction tasks.

To ensure the RFC’s resilience against overfitting and its commendable generalization capability, we evaluated three distinct feature sets across three machine learning models—plain Bayes, SVM, and RFC—on eight independent test sets. The subsequent table revealed that the RFC consistently surpasses its counterparts on the validation set, irrespective of the feature dataset employed (Table 2). Such results underscored the robust generalization aptitude of our chosen RFC.

Table 2 Comparison of different sequence feature numbers in test sets in simple bayes, random forest, and support vector machines

Performance comparison after fusion of features

Once the machine learning model was finalized, we conducted multiple iterative experiments using the 91 sequence features mentioned previously, in conjunction with 1200 GRU deep features, within the selected RFC framework. As depicted in Fig. 4(A), across 100 trials, our accuracy peaked at 98.72% and bottomed out at 97.52%, with the majority of results falling between 97.8% and 98.7% (Fig. 4). This narrow range underscored the minimal variance in our outcomes. To offer a clearer perspective on the consistency, we averaged the accuracy over every five trials and represented this data as a curve in Fig. 4(B). This visualization showcases even smoother fluctuations, reinforcing the robustness of our results. These findings suggested that the integration of sequence and deep features, as orchestrated in our approach, leverages the strengths of both, culminating in enhanced model performance. Our adopted feature fusion methodology demonstrates impressive stability and precision in the domain of gene sequence classification. Furthermore, this successful marriage of feature types furnishes an efficacious and dependable strategy to tackle gene sequence classification challenges. Our tests also affirmed that repetitive experimentation, followed by computing mean accuracy, was a reliable tactic to diminish the potential sway of random variables, ensuring more trustworthy evaluations.

Fig. 4
figure 4

A Graph showing the accuracy of 100 experiments; (B) Graph showing the average accuracy of every 5th experiment out of 100 experiments

To substantiate the representative capacity of RNA sequences, we utilized a stratified selection of previously delineated sequence features, specifically in quantities of 10, 45, and 91, and amalgamated them with the deep features derived from the superior-performing GRU, Bi-GRU, and Transformer models. In our analysis, we systematically extracted a distinct set of deep features from each of the three aforementioned deep learning models: 1200 features from the GRU model, an equivalent number from the Bi-GRU model, and a more extensive set of 3000 features from the Transformer model. As depicted in Fig. 5, our findings indicate that across various feature combinations, the confluence of features extracted by any of the models with the 91 sequence features yields an accuracy peak of 98.4%. This peak is notably superior to the accuracies achieved with the fusion of either 10 or 45 sequence features, which were found to be 0.01 and 0.007 percentage points lower, respectively. Given the elevated accuracy observed in the validation set post-feature fusion, and considering that the fusion of 10 and 45 features did not surpass the threshold of 98%, we have opted to employ all 91 extracted sequence features for subsequent experimentation.

Fig. 5
figure 5

Comparison of fusing multiple quantities of depth features with different sequence features

Simultaneously, Fig. 5 elucidates that the fusion of 91 sequence features with GRU deep features elevated the model’s accuracy to 98.4%. This outcome surpasses the accuracies achieved by the amalgamation with the Bi-GRU and Transformer models by 0.0202 and 0.0432 percentage points, respectively. Observations indicate that the integration of features predominantly enhances the accuracy of the validation set; however, the Bi-GRU and Transformer models exhibit a significant disparity in accuracy when compared with the GRU model. Consequently, in subsequent experiments, we have opted to exclusively integrate all 91 extracted sequence features with the GRU deep learning model as the input feature set, thereby facilitating a more in-depth assessment and evaluation of the model’s performance.

Subsequently, we employed the proficient RFC models, established from the preceding sections, within the validation set to evaluate the predictive efficacy across diverse feature categories. This encompasses comparisons of 91 sequence features, each synergistically fused with deep features extracted from three disparate models, as well as juxtapositions with three sets of unfused features. The accuracy of the six models within the validation set was illustrated via a bar chart, depicted in the following figure (Fig. 6).

Fig. 6
figure 6

Comparison of deep features and 91 sequence features before and after fusion in RFC models

As depicted in the preceding figure, it was evident that employing 91 sequence features and subsequently fusing them with deep features derived from three distinct deep learning architectures significantly enhances accuracy. This enhancement attested to the efficacy of our fusion technique. We posited that combining sequence and deep features harnessed the inherent complementarity and diversity between the two, thereby elevating both the representational capability and classification outcomes for RNA sequences. Furthermore, upon examination, we discerned varying performances of the RFC model under different quantities of sequence features post-fusion with GRU, Bi-GRU, or Transformer deep features. Notably, the RFC model with GRU deep features consistently outperformed others across all scenarios. This supremacy was succeeded by the Bi-GRU fusion, with the Transformer fusion trailing behind. Such distinctions can potentially be ascribed to the GRU’s cleaner and efficacious gating mechanism, enabling it to glean more stable and robust insights from RNA sequences.

To assess the effectiveness of our feature fusion approach in cross-species predictive recognition and conduct a comparative study, we conducted performance evaluations on eight independent test sets using various models. We compared the following scenarios: fusion of manually extracted 10, 45, and 91 species features with 1200 GRU depth features; utilization of solely unfused 10, 45, and 91 sequence features; utilization of only 1200 GRU depth features; and employment of the GRU depth model. The experimental results were presented in the figure below (Fig. 7).

Fig. 7
figure 7

Comparison of recognition accuracy before and after feature fusion

It was evident from the figure that the feature fusion method demonstrated the highest accuracy on all test sets, significantly enhancing the classification performance compared to individual sequences or deep features. This signified the successful integration of sequence features and deep features in our feature fusion method, resulting in improved model generalization and robustness. Additionally, we also observed that the GRU deep model performed well on most test sets, ranking second after the feature fusion approach and occasionally surpassing it. This highlighted the ability of the GRU deep model to autonomously learn crucial information from gene sequences, eliminating the need for manually engineered features. In contrast, the performance of a single sequence or deep features varied inconsistently across different test sets, sometimes yielding better results and sometimes worse. This inconsistency could be attributed to the limited ability of individual sequences or deep features to capture the complexity and diversity of gene sequences, leading to model ineffectiveness or underfitting on specific species. In conclusion, our research results validate the effectiveness and reliability of the feature fusion method in cross-species predictive identification. The successful application of feature fusion provides a viable approach to address gene sequence classification challenges.

Comparison to other tools

To evaluate the accuracy of our method in the identification of non-coding RNA and coding RNA, we conducted a comparative analysis with five tools: PINC, ABLNCPP, CPC2, CPAT, CNIT, and CPPred. We gathered datasets from eight plant species across four databases, namely GreeNC, CANTATA, RNAcentral, and Phytozome, and subjected them to analysis using these six different tools. The results depicted in the figure below clearly illustrate that our tool exhibits a notably high prediction accuracy across all eight species and performs with the most accuracy in the predictive identification of five of them (Fig. 8). In contrast to the other five tools, CPPred exhibits higher fluctuations, indicating a relatively weaker generalization capability. On the other hand, the remaining four tools demonstrate a level of stability, with PINC, in particular, slightly outperforming our method in the prediction of certain species.To further evaluate the performance of these tools across different species, we assessed them using eight evaluation metrics: accuracy (ACC), F1 score, AUC, MCC, NPV, PPV, sensitivity (SE), and specificity (SPC) on eight independent test sets. The results are presented below (Table 3). These findings demonstrated that our tool performs well in distinguishing non-coding RNAs from coding RNAs. Musa acuminata (banana) consistently outperformed the other tools in all evaluated metrics and test sets. It displayed higher values for SE, ACC, F1, NPV, and MCC, indicating a lower probability of missed predictions. Therefore, our tool is regarded as the top choice for non-coding RNA identification.

Fig. 8
figure 8

Compare the recognition accuracy of the other six tools in eight independent test sets

Table 3 Comparison of assessment indicators for eight plant species using seven tools

In comparison with the current state-of-the-art ncRNA prediction tool ABLNCPP, our proposed MFPINC model demonstrates marked superiority across several pivotal evaluation metrics. Specifically, the MFPINC model has attained enhanced accuracy (ACC) and F1 score on eight distinct test datasets, underscoring its adeptness at achieving an optimal equilibrium between precision and recall. Furthermore, the MFPINC model exhibited superior performance across all datasets except for the Gossypium Darwinii dataset, particularly on the AUC index—a metric that quantifies classification efficacy. This observation further corroborates the model’s heightened competence in discerning diverse categories of ncRNA.Furthermore, among these eight plant datasets, our tool exhibited superior performance in five of them, surpassing the other five tools across at least five evaluation metrics, including accuracy (Accuracy). In the remaining three datasets, our tool’s predictive accuracy was comparable to that of PINC, yet notably outperformed the other four tools.

Additionally, we constructed ROC curves, as depicted in Fig. 9, to assess the efficacy of various models in discriminating between ncRNAs and coding RNAs. The ROC curve corresponding to the MFPINC model demonstrated commendable performance, rapidly attaining a high true positive rate (approaching 1.0) while concurrently sustaining a low false positive rate across a spectrum of plant species. Notably, the MFPINC model achieved the highest area under the curve (AUC) across multiple species, signifying an optimal balance between the True Positive Rate (TPR) and the False Positive Rate (FPR) across all evaluated thresholds. Moreover, the AUC value for the MFPINC model surpassed 0.95 in several plant species, with an AUC value nearing 1.0 indicative of the model’s exceptional discriminative capacity. This implies that the model is highly proficient in accurately classifying both positive and negative samples with a high degree of probability. This statistical metric further substantiates the model’s elevated accuracy and reliability in the identification of ncRNAs and coding RNAs.

Fig. 9
figure 9

The ROC curve of all 7 tools on the 8 species datasets

Consequently, within this set of six tools, our method proved to be the most effective for identifying noncoding RNAs in these eight plant species. This underscores the robust generalization capacity of our tool for predicting and identifying plant RNA sequences, which holds particular significance for non-model plant species.

Statistical significance of methods performance

In recent years, both the z-test and t-test have gained widespread popularity as statistical methods for comparing significant differences between methods. Specifically, the z-test is well-suited for experimental methods with larger sample sizes. In the context of this study, the datasets for the eight species under examination encompass a substantial number of ncRNAs and coding RNAs. Therefore, the z-test is employed to assess whether the differences observed between the MFPINC method and the six methods, namely PINC, ABLNCPP, CPC2, CPAT, CNIT, and APPred, are statistically significant. To assess the significance of the observed differences between the methods, we conducted one-tailed tests within the z-test framework and calculated the corresponding p-values. The paper makes use of the SciPy library in Python to calculate p-values. SciPy is a robust numerical computing library that offers a wide range of functions specifically designed for statistical analysis, including the capability to compute p-values. To perform the one-tailed tests, we calculated the z-values based on Eq. (1)

$$Z\;=\;\frac{f_{12}\;-\;f_{21}}{\sqrt{f_{12}+f_{21}}}$$
(1)

The variable \({f}_{12}\) denotes the instances of ncRNA correctly classified by the first method yet misclassified by the second method, whereas \({f}_{21}\) signifies the instances of ncRNA incorrectly classified by the first method but correctly by the second. A calculated z-value surpassing 1.64 (with P < 0.1) is indicative of a statistically significant difference at a 90% confidence level in the accuracy of ncRNA classification between the two methods. According to the findings presented in Table 4, when compared to the MFPINC method, both the PINC and ABLNCPP methods demonstrated significant differences in classification accuracy solely within the datasets corresponding to Gossypium darwinii and Nymphaea colorata out of the eight independent test sets evaluated. The remaining six datasets demonstrated less pronounced statistical variances. Conversely, the CPC2, CPAT, CNIT, and CPPred methods displayed substantial differences in classification accuracy when compared with the MFPINC method across the majority of datasets. It is noteworthy that the CPAT and CPPred methods did not reveal significant differences in classification accuracy within the Gossypium darwinii species dataset (z = 1.13, P = 0.23; z = 1.23, P = 0.29), respectively. Collectively, the statistical analysis indicates that there are indeed statistically significant differences between the MFPINC method and the methods ABLNCPP, CPC2, CPAT, CNIT, and CPPred.

Table 4 Results of significant differences between the MFPINC and the remaining six methods

Materials and methods

The development process of our method is shown below (Fig. 10), the model consists of two parts, 91 sequence features extracted manually in a random forest using a fusion of 1200 deep features extracted using the GRU model as input.

Fig. 10
figure 10

Flowchart of the development of our tool: (A) Dataset; (B) Feature acquisition processes; (C) Feature fusion and model construct

Dataset construction

When constructing our experimental dataset, we meticulously considered two crucial factors: firstly, the biodiversity of plants and the abundance of annotated data, and secondly, ensuring data balance. To address these considerations, we selected four plant species as source materials for our training and validation datasets. This selection encompassed two model plants, Arabidopsis thaliana, and Oryza sativa, as well as two non-model plants, Glycine maxand Vitis vinifera. Non-coding RNA (ncRNA) was utilized as positive samples, while coding RNA (mRNA) served as negative samples. The negative samples primarily originated from Phytozome.v13, whereas the positive samples were sourced from three widely utilized public databases: GreeNC [29], CANTATA [30], and RNAcentral [31].

During the data processing phase, we initially utilized the cd-hit-est-2D functionality within the CD-hit tool to eliminate redundant sequences with a similarity of 80% [32, 33] between the test and training sets [34]. Subsequently, to ensure dataset balance, we randomly selected samples for each plant type, resulting in a total of 4,000 samples per selection, comprising 2,000 positive and 2,000 negative samples. The table below provides a specific breakdown (Table 5), where the positive samples encompassed 1,800 long chain non-coding RNAs (lncRNAs) and 200 small molecule non-coding RNAs (sncRNAs), while the negative samples consisted of 2,000 mRNAs [35].

Table 5 Data setup for the training set of the model

Hence, our benchmark dataset comprises a total of 16,000 gene sequences derived from four distinct plant species. Furthermore, we conducted an in-depth examination of the length distribution within both the positive and negative datasets. The median length of the coding RNA data is 1029, with a predominant concentration in the 0–2000 range. Conversely, the median length of ncRNA data is 321, primarily clustered within the 0–1000 range. Ultimately, we partitioned the dataset into two segments, allocating 70% for training data and 30% for validation data.

Furthermore, we generated eight distinct plant test sets (Table 6), namely Cicer arietinum, Gossypium darwinii, Lactuca sativa, Manihot esculenta, Musa acuminata, Nymphaea colorata, Sorghum bicolor, and Zea mays. To eliminate redundancy, the data for these eight independent test sets were sourced from the databases of the aforementioned four test sets and filtered using an 80% similarity threshold. Through this process, we successfully constructed an experimental dataset that not only encompasses an abundance of valuable information but also maintains a balanced distribution of data.

Table 6 Independent dataset

Methodological overview

Choice of encoding method

Biological data often possesses a high degree of complexity and abstraction, while deep learning models demonstrate prowess in effectively tackling such intricacies, obviating the need for laborious manual feature engineering [36,37,38,39,40]. Traditional machine learning approaches have limitations in end-to-end learning of biological data, necessitating extensive understanding of biomolecules such as non-coding RNA (ncRNA) and coding RNA (mRNA). Conversely, deep learning models reduce the complexity of biological data analysis by automatically capturing informative features from the data itself, thereby mitigating the reliance on domain-specific knowledge and significantly simplifying biological data analysis. Moreover, deep learning empowers researchers with potent tools for handling high-dimensional datasets, enabling the automatic extraction of crucial features from raw, unprocessed sequence data. Capitalizing on these advantages, we intend to employ deep learning methods to investigate the profound distinctions between ncRNAs and mRNAs, aiming to achieve precise classification of these intricate biomolecules.

When conducting gene sequence prediction studies, it is crucial to consider how to retain the semantic information of the sequences and capture the diverse features inherent in gene sequences, including both similarities and differences, to enhance the accuracy of subsequent analyses [41, 42]. We employed one-hot and word-embedding encoding strategies throughout our experiments. By transforming discrete features into binary vectors, the one-hot encoding method encapsulates each base in a sequence, offering a precise representation of individual information fragments. Conversely, Word Embedding encoding seizes both the semantic and contextual information of the bases within a sequence, bestowing a richer understanding of the meaning, role, and interrelationships of the bases than what is offered by one-hot encoding. Recognizing the advantages of both one-hot encoding and word embedding encoding in these aspects, we initially conducted experiments to compare the predictive performance of seven deep learning models under these two encoding approaches [43, 44]. The results demonstrated that when utilizing word embedding encoding, the GRU [45], Bi-GRU, and Transformer models achieved comparable accuracies, surpassing the results obtained by the other models using the two encoding methods. Consequently, for our further research endeavors, we selected these three deep learning models that employ word embedding encoding to explore potential enhancements in gene sequence prediction.

Extraction of deep features

Considering that gene sequences typically exhibit highly intricate structures and sequence interdependencies, conventional feature extraction methods may struggle to capture these complexities effectively. Therefore, we opted to employ the aforementioned three deep learning models for extracting pertinent auto-generated features [28, 46,47,48], which could be utilized for further research.

GRU is a variant of the RNN model that employs a reset gate and an update gate to determine how to discard and retain information. This approach effectively addresses the issue of long-term dependencies in data. Compared to the LSTM model, the GRU has fewer parameters and requires less computational effort. Despite these differences, the GRU can still achieve similar results to the LSTM. This makes the GRU a more efficient choice for training, as it can deliver comparable performance with less computational complexity. This paper uses the GRU model to obtain the context semantic information of text. Figure 11(A) depicts the GRU model’s structure.

Fig. 11
figure 11

A GRU model; (B) Bi-GRU model

The update gate is used to determine the impact of the previously hidden layer state on the current layer. The larger the value in the update gate, the greater the impact on the current layer at the previous moment. Formula (2) illustrates the update gate’s computation process.

$$U_m\;=\;\mathcal S(W_u\bullet\lbrack h_{\mathit m\mathit-\mathit1}\mathit,\mathit\;{\mathit\times}_{\mathit m}\rbrack)$$
(2)

The reset gate is used to remove the invalid information at the last moment. The smaller the reset gate value, the more invalid information is deleted. Formula (3) illustrates the reset gate’s computation process.

$$C_m\;=\;\mathcal S(W_c\;\bullet\lbrack h_{m-1},\;x_m\rbrack)$$
(3)

The current state computation method is presented in the following formulas:

$${h_m} = \tanh (W[{C_m} \odot {h_{m - 1}},{x_m}])$$
(4)
$${h_m} + (1 - {U_m}) \odot {h_{m - 1}}$$
(5)

Among them \({W}_{U}\), \({W}_{C}\) and \({W}\) represent the weight matrix of the GRU, \({x}_{m}\) is the input data, \({h}_{m}\) is the current hidden state of the model, the input of the previous state is \({h}_{m-1}\), \({\widetilde{h}}_{m}\) is the candidate active state, \({U}_{m}\) and \({C}_{m}\) represent update and reset gates, respectively, represents the Hadamard product, that is, the elements of the corresponding position are multiplied, and represents the sigmoid function.

Following our introduction of the foundational architecture of the GRU model, we proceed to delineate the structural intricacies of the Bi-GRU model. As shown in Fig. 11(B) above, Bi-GRU is a variant of recurrent neural networks that simultaneously captures the forward and backward dependencies of sequence data by combining two independent GRU layers, one of which processes the forward sequence and the other handles the reverse sequence. In the context of the Bi-GRU model, each sequence is subjected to forward and reverse inputs, which are then directed to the two distinct GRU layers. The forward GRU layer engages with the data by the sequence’s inherent order, whereas the reverse GRU layer addresses the data in the inverted sequence order. Consequently, the model is equipped to concurrently integrate both antecedent and subsequent information about each element within the sequence. Upon the computation of their respective hidden states by the two GRU layers, these states are consolidated to generate a unified representation that encapsulates the bidirectional contextual information of the sequence.

The Transformer model, as introduced by Google, is predominantly utilized in the domain of machine translation. Within the scope of this study, the Transformer is instantiated as an encoder-decoder framework. The architecture of the Transformer is characterized by the stacking of six layers within both the encoder and decoder components. Following the data’s traversal through the sequential layers of the encoder, it is subsequently relayed to the corresponding layer of the decoder to engage in the computation of attention mechanisms. The Transformer’s architectural composition encompasses four integral modules: an input module for data ingestion, an encoding module for sequence analysis, a decoding module for translating the encoded information, and an output module to generate the final translated sequence.

Upon the completion of selecting an appropriate feature extractor model, our initial step involved determining the optimal dimensionality for word embedding and defining the size of the hidden layers within the deep learning architecture. This process ensures that the preprocessed RNA sequences are efficiently transcribed into vectors of a predefined dimensionality, which are then subsequently inputted into our chosen deep learning model. As delineated in Fig. 12, for the GRU model, we identified an RNA sequence length of 1200 as the optimal input length. This model adeptly addresses the challenge of vanishing gradients and adeptly captures long-term dependencies within sequence data through the incorporation of update gates and reset gates. Concurrently, we implemented a maximum pooling layer with a kernel size of [5, 5] for feature extraction, which serves to downsample the time series while selectively preserving pivotal information. Subsequently, we integrated an additional max pooling layer with a [3, 3] kernel size, which further condenses the spatial dimensions of the features and amplifies their expressive power. Following these max pooling operations, we derived a set of automated features with a dimensionality of 1200. For the Bi-GRU model, we utilized an RNA sequence encoding of 1200 nucleotides in length as input for our experiments and employed two successive maximum pooling layers for feature extraction. By concurrently processing the time series in both forward and reverse dimensions, we procured a 1200-dimensional feature set that comprehensively encapsulates the contextual nuances of the sequence data. In the context of the Transformer model, we adopted a sequence encoding of 1000 nucleotides in length as input, harnessed the model’s self-attention mechanism to manage long-distance dependencies, and extracted features through two successive max-pooling layers, culminating in a 3000-dimensional set of automated features.

Fig. 12
figure 12

Deep feature extraction process

Extraction of sequence feature

To extract sequence features more conducive to integration with automatically generated features, we acquired three categories of sequence features in our experiments. These encompass k-mer frequency features, CDS-related features [49], and supplementary features (Table 7). K-mer represents a contiguous substring of k nucleotides (bases) within a gene sequence [50], employed for characterizing the local structure and composition of the gene sequence. K-mer frequency, conversely, signifies the occurrence count of each distinct k-mer nucleotide within the gene sequence. This feature vector furnishes us with a relative abundance of information regarding various k-mers within the sequence. For k = 1, each nucleotide can incorporate up to four distinct bases (A, G, C, T); for k = 2, there are a total of \([{4^2}\) = 16 associated 2-nucleotides (including AA, AG, … TC, TT, etc.); for k = 3, there are a total of \([{4^3}\) = 64 associated 3-nucleotides (including AAA, AAG, … TTC, TTT). Drawing insights from prior research, the amalgamation of 84 k-mer frequency features has been shown to enhance sensitivity in sequence alignment and similarity analysis [51], thereby facilitating improved detection of similarity and homology. Furthermore, varying levels of k-mer features enhance model flexibility, aiding in the discrimination of diverse categories of gene sequences. CDS features of gene sequences offer predictive insights into gene function, gene classification, gene expression, splice sites, and genetic variation. These predictive insights hold considerable significance for biological research, drug development, and precision medicine. These features encompass Score, cdsStarts, cdsStop, cdsSizes, and cdsPercent. Among these, Score represents a predictive score for a protein; when its value exceeds 800, there is a 90% likelihood that it signifies a protein, and if its value surpasses 1,000, it is almost certain to denote a protein. cdsStop denotes the terminal position of the coding region in the transcript, cdsSize reflects the length obtained by subtracting cdsStart from cdsStop, and cdsPercentage signifies the ratio of cdsSize to the total sequence length. Additionally, other features such as sequence length and GC content are extensively applied in ncRNA recognition. Sequence length denotes the total length of the sequence, while GC content represents the ratio of guanine and cytosine to the other four DNA bases.

Table 7 All features used in the text

To mitigate the presence of redundant features among the initially extracted 91 features, we employed feature selection techniques [52, 53]. In our selection process, we initiated by applying a variance threshold to eliminate redundant features. Variance serves as a measure of data variability, thereby allowing us to assess the extent to which a particular feature exhibits variation. Features with extremely low variance indicate minimal fluctuations in the associated data, thereby severely limiting their potential to differentiate between distinct samples or contribute effectively to model training. By excluding features with a variance below the defined threshold, we not only diminished noise and redundant information but also enhanced the model’s ability to generalize well beyond the training data. Consequently, a total of 45 features remained after selecting the subset comprising features with variance higher than the mean. In addition to the variance thresholding approach, we employed a combination of variance thresholding filtering using the PINC tool and F-test to further filter redundant features. The F-test is a statistical method that allows us to assess the relationship between each feature and the corresponding label. By integrating these two approaches, we ultimately selected 10 features for subsequent analysis. The chosen features encompass GC content, Score, cdsStop, and cdsSize, as well as the frequencies of T, C, GC, GT, ACG, and TAT in the sequences.

Fusion of sequence features with deep features

After extracting both sequence and depth features from the sequences and the deep model respectively, we proceeded with feature fusion and subsequent performance comparison (Fig. 13). We employed three different sets of sequence features – 10, 45, and 91 features – and integrated them with the deep features extracted from the GRU, Bi-GRU, and Transformer models. These depth features encompassed 1200 features from the GRU model, 1200 features from the Bi-GRU model, and 3000 features from the Transformer model. Following the fusion process, we utilized a training set comprising 16,000 sequences to train and predict the resulting nine fused features using three machine learning models: Naive Bayes, SVM, and RFC [41, 42]. Upon comparison, we observed that the RFC model yielded the most accurate predictions when all 91 sequence features were fused with the 1200 deep features extracted from the GRU model. Consequently, we adopted this approach, specifically fusing all 91 sequence features with the 1200 deep features extracted by the GRU model in the RFC model, for predicting the classification of gene sequences as non-coding RNA.

Fig. 13
figure 13

Detailed process of feature extraction and fusion

Evaluation metrics

To evaluate our method, we used the following evaluation metrics namely Accuracy (ACC), Matthews Correlation Coefficient (MCC), Sensitivity (SE), Specificity (SPC), Positive Predictive Value (PPV), Negative Predictive Value (NPV), and F1 Score, which were used to measure the performance of our method and provide a comprehensive assessment of the prediction results. Their calculations are shown below:

$$Accuracy(ACC)=\frac{TP+TN}{TP+TN+FP+TN}$$
$$MCC\frac{TP\times TN-FP\times FN}{\sqrt{(TP+FN)\times(TP+FP)\times(TN+FP)\times(TN+FN)}}$$
$$Sensitivity(SE)=\frac{TP}{TP+FN}$$
$$Specificity(SPC)=\frac{TP}{TP+FN}$$
$$PPV=\frac{TP}{TN+FP}$$
$$NPV=\frac{TN}{TN+FN}$$
$$F1=\frac{2\times TP}{2\times TP+FP+FN}$$

where TP and TN indicate the number of correctly predicted ncRNAs and mRNAs and FP and FN indicate the number of incorrectly predicted ncRNAs and mRNAs. Precision indicates how many predicted ncRNA samples were correct. Recall indicates how many ncRNA samples were correctly predicted with a single class prediction accuracy for ncRNAs.The F1 score takes into account both the precision and the lookup rate, and its value is a coordinated average of them. The MCC, fully known as the Matthew correlation coefficient, integrates the TP, TN, FP, and FN, and can describe the prediction results correlation coefficient with the actual results. Its value ranges from -1 1, and the higher the value, the better the results of the model. By using these evaluation metrics, we were able to comprehensively assess the performance of our method in predicting cyclic RNA and obtain an assessment of the reliability of the prediction results.

Discussion

Our method has demonstrated substantial advancements in the classification of ncRNAs. This result is mainly due to the effective combination of our multidimensional feature extraction techniques with advanced machine learning algorithms. When viewed through the lens of biological and biomedical research, our approach enhances not only the precision of ncRNA classification but also offers novel insights into the intricate biological functions of ncRNAs and their pivotal roles in cellular processes.

Within the domain of shallow feature extraction, we systematically derived k-mer features from ncRNA sequences, effectively capturing their local composition and sequence patterns. The process of extracting k-mer features is of significant biological importance because it can uncover conserved regions within the sequences that are frequently linked to the three-dimensional structure and functionality of RNA. Specific k-mer patterns can directly correspond to the binding sites for RNA-binding proteins, thereby influencing the stability and cellular function of ncRNAs. The identification of these locally conserved regions is crucial for understanding the role of ncRNAs in the regulation of gene expression, RNA editing, and other complex biological processes within the cell. Furthermore, the analysis of coding sequence (CDS)-related features significantly enhances our understanding of ncRNA functions. This enables us to identify ncRNAs that may be involved in coding-non-coding interactions, which are vital for comprehending the intricate regulatory network of gene expression.

The integration of the GRU model significantly enhances the process of deep feature extraction. This model is particularly adept at managing sequential data, discerning temporal dependencies, and identifying complex patterns within sequences. Consequently, it allows for the extraction of more nuanced and biologically significant features. These advanced features are crucial for improving the accuracy of classification tasks and provide a more profound understanding of the dynamic changes and cellular interactions associated with ncRNAs. Notably, the expression levels of specific ncRNAs may vary significantly during different stages of plant development or when subjected to environmental stress. Utilizing the GRU model, we can forecast these variations with greater accuracy, providing potential biomarkers for the investigation of plant stress response mechanisms. Furthermore, the GRU model is capable of simulating the dynamic expression patterns of ncRNAs throughout the plant cell cycle, shedding light on their roles in critical biological processes such as cell proliferation, differentiation, and programmed cell death. This approach affords a novel perspective for research in plant biology.

Our adoption of the RFC model has led to a significant enhancement in the precision of ncRNA classification and has opened new avenues for the identification of RNA functionalities. The efficacy of the RFC model is derived from the distinctiveness of each constituent decision tree. This distinctiveness arises from the strategy of random feature selection and bootstrap sampling, which imbues each tree with a measure of autonomy. The integration of fusion features provides a more comprehensive dataset for each decision tree, augmenting their variability, effectively reducing the overall model’s variance, and consequently, bolstering its generalization capabilities.By using multi-feature fusion technology, we can comprehensively analyze the role of ncRNA in various biological processes, including but not limited to plant cell differentiation, stress response, growth and development regulation, etc. This comprehensive analysis helps to deeply understand the functions and roles of ncRNAs in complex biological networks in plants, and provides new clues and research directions for plant stress biology and molecular breeding research.

Furthermore, our research methodology still holds potential for improvement. On one hand, we anticipate exploring and integrating higher-quality gene sequence features to enhance the performance of classification tasks and further optimize our models. On the other hand, a deeper investigation into the biological significance of different RNA types is necessary, including a more comprehensive understanding of their functions in cell biology and molecular biology. Such extensive research will contribute to unveiling the crucial role of RNAs in biological systems and provide essential guidance for future biotechnology research. In the realm of plants, numerous ncRNA functionalities remain unclear. Once these functions are identified, we will have the opportunity to explore novel biological mechanisms and integrate these newfound characteristics into our models, thereby further enhancing the efficacy of our tools. This field of study harbors immense research potential and holds the potential for significant breakthroughs in plant biology and agriculture. While our research methodology has already achieved substantial progress in the current phase, there is still ample room for future explorations. By continuously refining feature engineering techniques and deepening our comprehension of the biological aspects of RNA types, we are confident that we can further elevate the performance of our models and provide superior methods and tools for biotechnology research.

Our research method demonstrates excellent generalization ability, which makes the model more effective at adapting to new and unknown plant ncRNA data sets. In plant biology research, the identification of new types of ncRNAs often signifies the discovery of novel biological functions. Therefore, the advantages of our method in terms of generalization ability are of great scientific significance for the rapid identification of new ncRNAs in plants, the elucidation of plant stress responses, and the regulation of growth and development. An in-depth analysis of the ncRNA sequence is central to this study. Through detailed sequence analysis, we can identify and address the key difficulties and challenges in the classification process, and provide a clear direction for the enhancement of feature extraction and model optimization. This in-depth analysis will help us understand ncRNAs with special sequence characteristics and biological functions more comprehensively, and provide important clues for revealing their unique role in plant stress responses. Looking forward to the future, our method not only holds broad application prospects in the field of plant biology but also paves a new path for research in human health and medicine. For instance, by leveraging our research findings in the field of plant ncRNAs, we can better comprehend the function of ncRNAs in human diseases and foster the discovery and application of RNA markers in personalized medicine. These research results can not only deepen our understanding of the role of ncRNAs in the onset, progression, and treatment of diseases, but also offer innovative strategies and methods for early diagnosis, precise treatment, and individualized health management, thereby contributing to the advancement of human health.

Conclusion

Currently, most tools used for ncRNA identification primarily rely on classification based on sequence and structural features. However, these features may not fully capture the functional and diverse nature of ncRNAs. To address this limitation, we propose a novel tool in our study that combines sequence features, deep features, and machine learning models to effectively differentiate between ncRNAs and mRNAs.

In our tool framework, we begin by utilizing the word embedding coding method to extract deep features from three different deep models. Additionally, we manually extract three sets of sequence features. Subsequently, we combine these different types of features and input them into a commonly used machine learning model for classification. To compare the effectiveness of different features, we analyze and contrast the deep features extracted from gene sequences in different depth models, the original sequence features, and the fused features. The results demonstrate that among the 91 features extracted, the fusion of 1200 deep features extracted using the GRU model achieves the highest prediction accuracy in the random forest model. To confirm the efficacy of our tool, we evaluate its performance on multiple datasets. The findings reveal that our tool exhibits superior prediction accuracy and robustness compared to existing tools. Moreover, our tool successfully facilitates ncRNA recognition across species of plants. To enhance usability for researchers, we also packaged the tools and placed them in Github (https://github.com/Zhenj-Nie/MFPINC) used for download and use, users can use detailed steps to predict and identify gene sequences.

In conclusion, our tool stands as a practical and user-friendly solution with excellent predictive performance and generalization capability. It represents a novel alternative for the identification and research of ncRNAs. Moving forward, we are committed to enhancing and refining the tool’s performance to meet the evolving demands of research. Furthermore, we aim to offer more valuable tools and resources for deeper exploration in the field of biotechnology.

Availability of data and materials

The datasets used and analyzed during the current research are available from the CANTATA database (http://rhesus.amu.edu.pl/CANTATA2/), GreeNC database (http://greenc.sequentiabiotech.com/wiki2/Main_Page), Phytozome.v13 database (https://phytozome-next.jgi.doe.gov/) and RNAcentral database (https://rnacentral.org/). The integrated data can be downloaded through the Github (https://github.com/Zhenj-Nie/MFPINC/tree/main/Data).

References

  1. Eddy SR. Non-coding RNA genes and the modern RNA world. Nat Rev Genet. 2001;2(12):919–29.

    Article  CAS  PubMed  Google Scholar 

  2. Wang KC, Chang HY. Molecular mechanisms of long noncoding RNAs. Mol Cell. 2011;43(6):904–14.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  3. Chen X, Huang L. Computational model for ncRNA research. Brief Bioinform. 2022;23(6):472.

    Article  Google Scholar 

  4. Alexander RP, Fang G, Rozowsky J, Snyder M, Gerstein MB. Annotating non-coding regions of the genome. Nat Rev Genet. 2010;11(8):559–71.

    Article  CAS  PubMed  Google Scholar 

  5. Veneziano D, Nigita G, Ferro A. Computational approaches for the analysis of ncRNA through deep sequencing techniques. Front Bioeng Biotechnol. 2015;3:77.

    Article  PubMed  PubMed Central  Google Scholar 

  6. Bridges MC, Daulagala AC, Kourtidis A. LNCcation: lncRNA localization and function. J Cell Biol. 2021;220(2):e202009045.

  7. Soni DK, Biswas R. Role of non-coding RNAs in post-transcriptional regulation of lung diseases. Front Genet. 2021;12:767348.

  8. Yang Z, Xu F, Teschendorff AE, Zhao Y, Yao L, Li J, He Y. Insights into the role of long non-coding RNAs in DNA methylation mediated transcriptional regulation. Front Mol Biosci. 2022;9:1067406.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  9. Beermann J, Piccoli M-T, Viereck J, Thum T. Non-coding RNAs in development and disease: background, mechanisms, and therapeutic approaches. Physiol Rev. 2016;96(4):1297–325.

    Article  CAS  PubMed  Google Scholar 

  10. Dai L, Liang W, Shi Z, Li X, Zhou S, Hu W, Yang Z, Wang X. Systematic characterization and biological functions of non-coding RNAs in glioblastoma. Cell Prolif. 2023;56(3):e13375.

  11. Hüttenhofer A, Vogel J. Experimental approaches to identify non-coding RNAs. Nucleic Acids Res. 2006;34(2):635–46.

    Article  PubMed  PubMed Central  Google Scholar 

  12. Cheng L, Hu Y, Sun J, Zhou M, Jiang Q. DincRNA: a comprehensive web-based bioinformatics toolkit for exploring disease associations and ncRNA function. Bioinformatics. 2018;34(11):1953–6.

    Article  CAS  PubMed  Google Scholar 

  13. Noviello TMR, Ceccarelli F, Ceccarelli M, Cerulo L. Deep learning predicts short non-coding RNA functions from only raw sequence data. PLOS Comput Biol. 2020;16(11):e1008415.

  14. Li A, Zhang J, Zhou Z. PLEK: a tool for predicting long non-coding RNAs and messenger RNAs based on an improved k-mer scheme. BMC Bioinformatics. 2014;15:311.

    Article  PubMed  PubMed Central  Google Scholar 

  15. Kong L, Zhang Y, Ye Z-Q, Liu X-Q, Zhao S-Q, Wei L, Gao G. CPC: assess the protein-coding potential of transcripts using sequence features and support vector machine. Nucleic Acids Res. 2007;35:W345–9.

    Article  PubMed  PubMed Central  Google Scholar 

  16. Kang YJ, Yang DC, Kong L, Hou M, Meng YQ, Wei L, Gao G. CPC2: a fast and accurate coding potential calculator based on sequence intrinsic features. Nucleic Acids Res. 2017;45(W1):W12–6.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  17. Wang L, Park HJ, Dasari S, Wang S, Kocher JP, Li W. CPAT: Coding-Potential Assessment Tool using an alignment-free logistic regression model. Nucleic Acids Res. 2013;41(6):e74.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  18. Sun L, Luo H, Bu D, Zhao G, Yu K, Zhang C, Liu Y, Chen R, Zhao Y. Utilizing sequence intrinsic composition to classify protein-coding and long non-coding transcripts. Nucleic Acids Res. 2013;41(17):e166–e166.

  19. Tong X, Liu S. CPPred: coding potential prediction based on the global description of RNA sequence. Nucleic Acids Res. 2019;47(8):e43.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  20. Singh U, Khemka N, Rajkumar MS, Garg R, Jain M. PLncPRO for prediction of long non-coding RNAs (lncRNAs) in plants and its application for discovery of abiotic stress-responsive lncRNAs in rice and chickpea. Nucleic Acids Res. 2017;45(22):e183.

  21. Negri TDC, Luz Alves WA, Bugatti PH, Maeda Saito PT, Domingues DS, Paschoal AR. Pattern recognition analysis on long noncoding RNAs: a tool for prediction in plants. Brief Bioinform. 2019;20(2):682–9.

    Article  PubMed  Google Scholar 

  22. Zhang H, He X, Zhu J-K. RNA-directed DNA methylation in plants Where to start? RNA Biol. 2013;10(10):1593–6.

    Article  PubMed  PubMed Central  Google Scholar 

  23. Schneider HW, Raiol T, Brigido MM, Walter MEMT, Stadler PF. A support vector machine based method to distinguish long non-coding RNAs from protein coding transcripts. BMC Genomics. 2017;18:1–4.

    Article  Google Scholar 

  24. Zhang X, Zhou X, Wan M, Xuan J, Jin X, Li S. PINC: a tool for non-coding RNA identification in plants based on an automated machine learning framework. Int J Mol Sci. 2022;23(19):11825.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  25. Erickson N, Mueller J, Shirkov A, Zhang H, Larroy P, Li M, Smola A. AutoGluon-tabular: robust and accurate AutoML for structured data. arXiv 2020 preprint arXiv:2003.06505.

  26. Zhang C, Bengio S, Hardt M, Recht B, Vinyals O. Understanding deep learning (still) requires rethinking generalization. Commun ACM. 2021;64(3):107–15.

    Article  Google Scholar 

  27. Zeng X, Zhu S, Liu X, Zhou Y, Nussinov R, Cheng F. deepDR: a network-based deep learning approach to in silicodrug repositioning. Bioinformatics. 2019;35(24):5191–8.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  28. Alipanahi B, Delong A, Weirauch MT, Frey BJ. Predicting the sequence specificities of DNA- and RNA-binding proteins by deep learning. Nat Biotechnol. 2015;33(8):831-+.

    Article  CAS  PubMed  Google Scholar 

  29. Paytuvi Gallart A, Hermoso Pulido A, Martinez de Lagran IA, Sanseverino W, Aiese Cigliano R. GREENC: a Wiki-based database of plant lncRNAs. Nucleic Acids Res. 2016;44(D1):D1161–6.

    Article  PubMed  Google Scholar 

  30. Szczesniak MW, Bryzghalov O, Ciomborowska-Basheer J, Makalowska I. CANTATAdb 2.0: expanding the collection of plant long noncoding RNAs. Methods Mol Biol. 2019;1933:415–29.

    Article  CAS  PubMed  Google Scholar 

  31. Petrov AI, Kay SJE, Kalvari I, Howe KL, Gray KA, Bruford EA, Kersey PJ, Cochrane G, Finn RD, Bateman A, et al. RNAcentral: a comprehensive database of non-coding RNA sequences. Nucleic Acids Res. 2017;45(D1):D128–34.

    Article  CAS  PubMed  Google Scholar 

  32. Lertampaiporn S, Thammarongtham C, Nukoolkit C, Kaewkamnerdpong B, Ruengjitchatchawalya M. Identification of non-coding RNAs with a new composite feature in the Hybrid Random Forest Ensemble algorithm. Nucleic Acids Res. 2014;42(11):e93.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  33. Sun L, Liu H, Zhang L, Meng J. lncRScan-SVM: a tool for predicting long non-coding RNAs using support vector machine. PLoS One. 2015;10(10):e0139654.

    Article  PubMed  PubMed Central  Google Scholar 

  34. Li W, Godzik A. Cd-hit: a fast program for clustering and comparing large sets of protein or nucleotide sequences. Bioinformatics. 2006;22(13):1658–9.

    Article  CAS  PubMed  Google Scholar 

  35. Ito EA, Katahira I, da Rocha Vicente FF, Protasio Pereira LF, Lopes FM. BASiNET-BiologicAl Sequences NETwork: a case study on coding and non-coding RNAs identification. Nucleic Acids Res. 2018;46(16):e96.

    Article  PubMed  PubMed Central  Google Scholar 

  36. Chen Y, Wang J, Wang C, Liu M, Zou Q. Deep learning models for disease-associated circRNA prediction: a review. Brief Bioinform. 2022;23(6):bbac364.

    Article  PubMed  Google Scholar 

  37. Xu Z, Luo M, Lin W, Xue G, Wang P, Jin X, Xu C, Zhou W, Cai Y, Yang W, et al. DLpTCR: an ensemble deep learning framework for predicting immunogenic peptide recognized by T cell receptor. Brief Bioinform. 2021;22(6):bbab335.

    Article  PubMed  Google Scholar 

  38. Zhang H, Wang Y, Pan Z, Sun X, Mou M, Zhang B, Li Z, Li H, Zhu F. ncRNAInter: a novel strategy based on graph neural network to discover interactions between lncRNA and miRNA. Brief Bioinform. 2022;23(6):bbac411.

    Article  PubMed  Google Scholar 

  39. Xuan P, Wang S, Cui H, Zhao Y, Zhang T, Wu P. Learning global dependencies and multi-semantics within heterogeneous graph for predicting disease-related lncRNAs. Brief Bioinform. 2022;23(5):bbac361.

    Article  PubMed  Google Scholar 

  40. Lipkova J, Chen RJ, Chen B, Lu MY, Barbieri M, Shao D, Vaidya AJ, Chen C, Zhuang L, Williamson DFK, et al. Artificial intelligence for multimodal data integration in oncology. Cancer Cell. 2022;40(10):1095–110.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  41. Panwar B, Arora A, Raghava GPS. Prediction and classification of ncRNAs using structural information. BMC Genomics. 2014;15:1–3.

    Article  CAS  Google Scholar 

  42. Chen X, Yan GY. Novel human lncRNA-disease association inference based on lncRNA expression profiles. Bioinformatics. 2013;29(20):2617–24.

    Article  CAS  PubMed  Google Scholar 

  43. Mikolov T, Chen K, Corrado G, Dean J. Efficient estimation of word representations in vector space. arXiv 2013 preprint arXiv:1301.3781.

  44. Collobert R, Weston J, Bottou L, Karlen M, Kavukcuoglu K, Kuksa P. Natural language processing (almost) from scratch. J Mach Learn Res. 2011;12:2493–537.

    Google Scholar 

  45. Dey R, Salem FM. Gate-variants of gated recurrent unit (GRU) neural networks. arXiv 2017 preprint arXiv:1597.1600.

  46. Zeng H, Edwards MD, Liu G, Gifford DK. Convolutional neural network architectures for predicting DNA-protein binding. Bioinformatics. 2016;32(12):121–7.

    Article  Google Scholar 

  47. Zhang Q, Zhu L, Bao W, Huang DS. Weakly-supervised convolutional neural network architecture for predicting protein-DNA binding. IEEE-ACM Trans Comput Biol Bioinform. 2020;17(2):679–89.

    CAS  PubMed  Google Scholar 

  48. Quang D, Xie X. DanQ: a hybrid convolutional and recurrent deep neural network for quantifying the function of DNA sequences. Nucleic Acids Res. 2016;44(11):e107.

  49. Casper J, Zweig AS, Villarreal C, Tyner C, Speir ML, Rosenbloom KR, Raney BJ, Lee CM, Lee BT, Karolchik D, et al. The UCSC genome browser database: 2018 update. Nucleic Acids Res. 2018;46(D1):D762–9.

    Article  CAS  PubMed  Google Scholar 

  50. Min X, Zeng W, Chen N, Chen T, Jiang R. Chromatin accessibility prediction via convolutional long short-term memory networks with k-mer embedding. Bioinformatics. 2017;33(14):I92–101.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  51. Kurtz S, Narechania A, Stein JC, Ware D. A new method to compute K-mer frequencies and its application to annotate large repetitive plant genomes. BMC Genomics. 2008;9:517.

    Article  PubMed  PubMed Central  Google Scholar 

  52. Hu Q, Pan W, Zhang L, Zhang D, Song Y, Guo M, Yu D. Feature selection for monotonic classification. IEEE Trans Fuzzy Syst. 2012;20(1):69–81.

    Article  Google Scholar 

  53. Saeys Y, Inza I, Larranaga P. A review of feature selection techniques in bioinformatics. Bioinformatics. 2007;23(19):2507–17.

    Article  CAS  PubMed  Google Scholar 

Download references

Acknowledgements

Not applicable.

Funding

Nature Science Research Project of Education Department in Anhui Province grant number KJ2020A0108.

Author information

Authors and Affiliations

Authors

Contributions

Zhenjun Nie . Xiaodan Zhang and Xiu Jin : Conceptualization; Zhenjun Nie and Mengqing Gao : Data curation and Formal analysis; Zhenjun Nie and Mengqing Gao : Investigation and methodology; Zhenjun Nie : Project administration, resources and software; Xiaodan Zhang : Supervision; Mengqing Gao : Validation and visualization; Zhenjun Nie :wrote the main manuscript text; Xiaodan Zhang. Xiu Jin. Yuan Rao : Review and editing. All authors reviewed the manuscript.

Corresponding author

Correspondence to Xiaodan Zhang.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare no competing interests

Additional information

Publisher’s Note

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

Rights and permissions

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

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Nie, Z., Gao, M., Jin, X. et al. MFPINC: prediction of plant ncRNAs based on multi-source feature fusion. BMC Genomics 25, 531 (2024). https://doi.org/10.1186/s12864-024-10439-3

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12864-024-10439-3

Keywords