Skip to main content

ORIGINAL RESEARCH article

Front. Genet., 24 April 2024
Sec. Computational Genomics

A multi-organization epigenetic age prediction based on a channel attention perceptron networks

Jian ZhaoJian Zhao1Haixia LiHaixia Li1Jing Qu,Jing Qu2,3Xizeng Zong,Xizeng Zong4,5Yuchen LiuYuchen Liu6Zhejun Kuang
Zhejun Kuang1*Han Wang
Han Wang3*
  • 1School of Computer Science and Technology, Changchun University, Changchun, China
  • 2School of Computer Science and Technology, Jilin University, Changchun, China
  • 3School of Information Science and Technology, Institute of Computational Biology, Northeast Normal University, Changchun, China
  • 4Clinical Research Centre, Guangzhou First People’s Hospital, School of Medicine, South China University of Technology, Guangzhou, Guangdong, China
  • 5School of Computer Science and Engineering, Changchun University of Technology, Changchun, China
  • 6Department of Medicine, Boston University School of Medicine, Boston, MA, United States

DNA methylation indicates the individual’s aging, so-called Epigenetic clocks, which will improve the research and diagnosis of aging diseases by investigating the correlation between methylation loci and human aging. Although this discovery has inspired many researchers to develop traditional computational methods to quantify the correlation and predict the chronological age, the performance bottleneck delayed access to the practical application. Since artificial intelligence technology brought great opportunities in research, we proposed a perceptron model integrating a channel attention mechanism named PerSEClock. The model was trained on 24,516 CpG loci that can utilize the samples from all types of methylation identification platforms and tested on 15 independent datasets against seven methylation-based age prediction methods. PerSEClock demonstrated the ability to assign varying weights to different CpG loci. This feature allows the model to enhance the weight of age-related loci while reducing the weight of irrelevant loci. The method is free to use for academics at www.dnamclock.com/#/original.

1 Introduction

Methylation occurs mainly at the 5th carbon atom of cytosine in CpG dinucleotides, and changes in methylation are directly correlated with changes in gene expression (Sun et al., 2011). Recently, there has been an increasing interest in the relationship between aging and methylation (Tang et al., 2018; Luo et al., 2023; Sinha et al., 2023). Many literatures have proposed that age increase is displayed by DNA methylation changes (Fraga et al., 2007; Christensen et al., 2009; Horvath et al., 2012). Since DNA methylation levels at specific sites could be variable over time, the DNA methylation-based epigenetic clocks could be used to effectively quantify biological aging, which can be widely used in anti-aging applications.

Genome-wide DNA methylation is widely measured using microarray-based technology, including Illumina HumanMethylation27 (27 K), HumanMethylation450 (450 K) and HumanMethylationEPIC (850 K) (Moran et al., 2016). By calculating the beta value of DNA methylation for each specific cytosine locus (Levy et al., 2020), the methylation level of each CpG can be quantified. Most of the emerging age prediction methods have been developed based on the transformed data from these techniques.

Machine learning methods have been relatively well developed in the field (Wang et al., 2023a; Lv et al., 2023). In 2013, Horvath (2013) developed a 353-locus age prediction model using data from 51 different tissues, and the difference between their model predicted age and chronological age was around 3.6 years. Although the error rate was high in some tissues, such as the breast, it is still considered the most accurate pan-tissue epigenetic clock by far (Chen et al., 2019; Fahy et al., 2019; Fitzgerald et al., 2021). Hannum et al. (2013) developed an age prediction model using 71 CpG loci with blood data. It firstly revealed that factors such as sex and weight affect the prediction of methylation age. Most published methods used linear regression (Zou and Hastie, 2005) for age prediction (Lin et al., 2016; Shireby et al., 2020; Zhang et al., 2019). They collected loci with a high impact on predicting age to form an epigenetic clock for methylation age prediction. The linear regression method is computationally simple and can predict age using fewer loci, but the method ignores the effect of the remaining loci on the predicted age. The linear regression method also has some limitations in predicting age at methylation, which can lead to high prediction errors.

During the past few years, deep learning was introduced to address this challenge. Compared to machine learning methods, deep learning technology is emerging as a promising approach to improving this area since it is more inclusive for multi-feature tasks to achieve higher accuracy (Wang et al., 2023b; Ispano et al., 2023; Qi and Zou, 2023; Sreeraman et al., 2023). Thong et al. (2021) demonstrated an artificial neural network model which model using three genes that outperformed linear regression models. Levy et al. (2020) used the MethylNet deep learning model to predict the age of DNA methylation and demonstrated its significant advantage over machine learning models. Li et al. (2021) used correlated pre-filtered neural networks (CPFNN) for age prediction and found that appropriately weighting features highly correlated with prediction results is a critical factor in improving prediction accuracy. de Lima Camillo et al. (2022) propose a model AltumAge using deep neural networks by referring to DeepMAge, a model trained on blood samples by Galkin et al. (2021). They reduce the prediction error to 2.153 and the correlation between relevant CpG loci in issues discussed in some detail. However, in the experiments, it was found that the deep learning models that have emerged so far have poor generalization ability in independent datasets and poor prediction accuracy for independent samples. So, there is still room for further optimization in the prediction of methylation age using deep learning models.

In this study, we propose a perceptron prediction model based on the channel attention mechanism, which is a nonlinear regression algorithm. This paper uses the 24,516 CpG loci common to all 3 Illumina platforms for age prediction to ensure that all CpG loci are able to participate in the task. The model uses a channel attention module to assign different weights to individual loci so that the model focuses on task-relevant CPG features and reduces the weights of irrelevant CpG features to provide more valid information for the age prediction task. Compared with the simple perceptron model, the inclusion of the channel attention mechanism in our method leads to a greater improvement in the generalization ability and prediction accuracy of the model.

2 Materials and methods

2.1 Datasets

We collected 50 datasets from GEO (Barrett et al., 2012) with a total of 13,658 health samples respectively from Infinium 27 K, 450 K, and 850 K platforms (Zhang et al., 2019; Qi and Zou, 2023; Sreeraman et al., 2023), of which 35 datasets were used for model construction and the remaining 15 datasets were used for independent testing. The raw data were separately saved to the clinical data and beta value matrix using the R package GEOquery (Davis and Meltzer, 2007), Then filtered to remove samples in the dataset with more than 50% of the beta value missing. Finally, a method based on simple linear regression (methyLImp) (Di Lena et al., 2019) was used to fill in some of the missing values in the beta value matrix. Figure 1 shows an overview of the 35 data sets by organization.

Figure 1
www.frontiersin.org

Figure 1. Organizational chart of the data sample. The figure divides the dataset into nine parts according to organization, with blood data and bucca data accounting for a larger share. Tissue data that account for less than one percent are summarized in the “Others” set, for a total of 9%. The remaining 6 tissue data are sorted in order of their share.

Different tissues may require different markers to achieve a high level of accuracy in prediction accuracy. Woźniak et al. (2021) developed VISAGE enhanced tool and statistical models based on blood, oral cells and bone. They used three different combinations of loci to construct models that provide accurate DNA methylation age estimates for each tissue separately. The number of CpG loci in 27 K, 450 K, and 850 K data is usually 27,578, 485,577, and 868,564, respectively. Since many datasets are missing CpG loci, this paper takes the 24,516 loci common to the three platforms for model training. The beta value on each CpG locus indicates the degree of DNA methylation. A beta value of 1 indicates that a CpG locus is fully methylated on the allele, while a beta value of 0 indicates that the CpG locus is entirely unmethylated.

2.2 Model construction

Figure 2 shows the neuro network structure of the model in this paper, which mainly consists of a channel attention module and a perceptron module. The channel attention module assigns different weights to the data according to the importance of the CPG loci. In contrast, the perceptron module uses a 4-layer network for continuous fitting to accomplish the purpose of age prediction.

Figure 2
www.frontiersin.org

Figure 2. Model architecture. The model has four components, Input, Channel Attention, MLP, and Output. The CpG loci of a sample are input and reshape as 3D data, where the number of channels is 1,362. Global Average Pooling is calculated as a value on each channel, and the data is fitted in a two-layer network to scale with the original 3D data, the process is able to continually enhance the features that are relevant to the prediction results. Afterwards, the 3D data is transformed into one-dimensional data to be fit into a four-layer MLP network to output the predicted age values.

The first reshape operation in the attention module is to transform a column of data into a block structure, and 1,362 denotes the number of channels, each containing 3 × 6 beta values. The one-dimensional data with 24,516 components is transformed into three-dimensional data with the structure 3 × 6 × 1,362 by placing the beta values in the input data in different channels in order. Global Average Pooling denotes the calculation of the average of 18 beta values in each channel, and each channel is calculated to obtain one value for a total of 1,362 values. 2fc (,W) denotes two fully connected. The 1,362 data are updated according to these two fully connected layers. The updated data are subjected to Scale operation, and the updated 1,362 values are assigned to the first reshaped post-block structure, explicitly using the values of each channel multiplied by 18 beta values of different channels respectively. This will result in a feature value that is weighted by the channel attention module. The perceptron module feeds the processed eigenvalues into a four-layer fully connected layer for regression operations and finally outputs a methylated age prediction.

For the DNA methylation age prediction task, an exact age value was required, so a regression model was used to construct the network. Initially, the model consisted of only a perceptron network, which was erected by 5 fully connected layers with a simple model structure. However, it was found in the experiments that using a simple perceptron model was not sensitive enough to epigenetic factors (CpG loci), and the model training was more likely to be overfitted. Since the number of feature loci used makes network learning more difficult, attention mechanisms are introduced in the deep learning model, specifically, combining the perceptron model (MLP) with the channel attention mechanism SENet. The channel attention module makes the model pay more attention to those CpG loci with high correlation with age, automatically adjusts the weights according to the loss values of model training, and then assigns the weights to the initial features, thus speeding up the model fitting.

2.3 Model training

Firstly, the beta values of CpG loci of the training samples are loaded into the model in batches. The input data in Figure 2 takes one sample data as an example, and transforms (reshape) the one-dimensional data with 24,516 components into the three-dimensional data with the structure 3*6*1,362 (adjacent CpG loci put into different channels). After the global average pooling operation, 1*1*1,362 values are calculated to obtain the initial weights of each channel. Then 1*1*1,362 are fed into the two fully connected layers, and the weights are updated according to the loss values of the model training. The updated 1,362 weights are assigned to the corresponding channels of the original 3D data. Finally, the data are transformed (reshape) into one-dimensional data and sent to the four-layer perceptron model for regression operations. The training is ended when the loss values of the model training tend to be stable, and then the validation set and test set are tested and the trained model parameters are saved.

The network model in this paper consists of an input layer, channel attention module, 4 hidden layers and 1 output layer. Each hidden layer consists of 32 neurons, LeakyReLU activation function and BatchNorm1d (32) batch normalization, Dropout (0.1) regularization, and finally the network is optimized using Adam’s algorithm. The model training process is monitored using the loss function of MSELoss. The decreasing trend of the validation loss is observed at the output training loss, and the training is ended at the lowest validation loss value. The final model training parameters were adjusted as follows: learning_rate = 0.05, batch_size = 512, num_epochs (training times) = 150.

The model updates the weights based on the loss function. By weighting the CPG loci with different levels of importance, the important features on different channels are strengthened and the invalid features are weakened to enhance the feature representation of the feature map. Using the changed feature data for model age prediction reduces the number of model parameters and computing pressure to a certain extent, thus enabling the model to perform age prediction more effectively and improve model accuracy.

2.4 Experimental platform

Our model is built based on Python 3.7.11. We use Pytorch and the Sklearn library to build the network for data preprocessing.

The AltumAge method is based on Python 3.8, and the network is built using the TensorFlow framework for testing. Several other ways apply R language to reproduce the code. Among them, the Horvath method uses data normalization operation when predicting the data, the code prediction time is longer and the effect is not much different from that without normalization operation, so the data is not normalized in the comparison experiment.

3 Results and discussions

3.1 Data sample arrangements

We here preprocess the data before loading it into the model. First, the order of the read-in data is disordered, and then the disordered data are divided into training set, validation set, and test set with the number of data samples of 8,577, 953, and 1,059, respectively. Finally, the data are processed into tensor format and put into the model for training. Since the beta value (0–1) in the beta value matrix represents its degree of methylation, which has a special meaning in DNA methylation age prediction, the data in this paper were not normalized.

3.2 Evaluation indicators

In order to evaluate the accuracy of the model in predicting age, four evaluation metrics, correlation coefficient (R-squared), mean absolute error (MAE), mean squared error (MSE), and median absolute error (Med) were used. The definition of R-squared is shown in Eq. 1:

R2=1SSE/SST(1)

Where SSE is the error sum of squares and SST is the total sum of squares.

The MAE and MSE are defined as shown in Eqs 2, 3:

MAE=1mi=1mpreAgeichrAgei(2)
MSE=1mi=1mpreAgeichrAgei2(3)

Where m denotes the number of predicted samples, preAgei denotes the predicted age of a single sample, and chrAgei denotes the actual age of a single sample. The definition of Med is shown in Eq. 4:

Med=medianpreAgechrAge(4)

Where preAge indicates the predicted age of all test data, chrAge indicates the actual age of all test data, and median function indicates taking the median of a set of numbers.

The evaluation metrics of the model in this paper on the training set, validation set and test set are shown in Table 1, where the R-squared is only used to show the correlation between the actual age and the predicted age, and the other three metrics are used to evaluate the accuracy of the model in predicting the age of DNAm. All_data indicates all the data used for development, and Train_data, Val_data, Test_data represent the data for training, validation and testing, respectively. Combining the evaluation metrics commonly used in other literature, Med is finally used as the evaluation metric to measure the accuracy in this paper.

Table 1
www.frontiersin.org

Table 1. Metrics results from model training, validation, and testing.

3.3 Training and testing performance

In order to verify the prediction accuracy of the model, we first tested the data used for model training. The test results are shown in Figure 3A shows the prediction results of all samples including the training set, validation set and test set (age correlation = 0.95, median absolute error = 1.65). The horizontal axis is the actual age of the samples, and the vertical axis represents the predicted age of the model. Samples of different data sets are distinguished according to different colors, which shows that the model of this paper performs well on most of the data sets, and only the prediction results of some samples have significant errors. The Figures 3B–D plots represent the prediction results of the training, validation, and testing data in this model, respectively. The actual age and the predicted age all show a high age correlation in the plots, the Med in the training set is 1.57, and the Med in the test set is 2.04. Overall, the model’s prediction accuracy in this paper is high, and the prediction effect is relatively stable in each data set.

Figure 3
www.frontiersin.org

Figure 3. Model visualisation metric results. The horizontal coordinates in the figure represent the actual age of the samples and the vertical coordinates represent the model-predicted age. (A) represents the prediction results of all samples, and different colors represent the sample data in different datasets. (B) represents the prediction results of the samples trained by the model. (C) represents the prediction results of the samples for model validation. (D) represents the prediction results of the samples for model testing.

3.4 Performance comparison with peer methods

To verify the prediction accuracy and generalization ability of the model, 15 separate datasets with a total of 3,069 healthy samples are used in this paper, and the model of this paper is tested separately with other methods on these datasets. The datasets were divided into two batches for separate comparisons. Seven datasets in Table 2 contain the training sets of certain other methods, which are indicated by * in the table; Eight datasets in Table 3 are independent test sets of these methods and are not in the training sets of several methods.

Table 2
www.frontiersin.org

Table 2. Comparison of the Med of the seven methods on the independent data sets (training set containing the other methods).

Table 3
www.frontiersin.org

Table 3. Comparing the Med of the 7 methods in the independent dataset.

Horvath method, LinAge method, and PhenoAge method (Levine et al., 2018) use traditional elastic net method for age prediction by combination of different CpG sites. Zhang et al. (2019) used elastic net model to screen 514 CpG sites for prediction in order to improve prediction accuracy. The Cortical Pred method is Shireby et al. (2020) developed a methylation age prediction clock for brain tissue, which performed well in other tissues, so it was compared with this paper’s model. AltumAge and BNN methods are methods that use neural network prediction. In this paper, comparison experiments are conducted with the above seven methods. Since the experimental code is not given in DeepMAge by Galkin et al. (2021) and the 71CpG clock of Hannum et al. (2013) is only developed for the 450 K blood dataset, it cannot be tested for datasets with missing loci. Therefore, it was not compared with these two methods.

The comparison results with the seven different prediction methods are shown in Tables 2, 3. Column one in the table is the name of the dataset, columns two and three indicate the number of samples and sample organization of the dataset, and the last eight columns are the Med values of each method on the test dataset. The bolded font in Table 2 is the best predicted result in addition to the set training set results, and the bolded font in Table 3 is the best performing result among the eight methods. From the tested Med results, the model in this paper outperformed other models in 10 datasets, and although it performed slightly worse in three datasets, GSE19711, GSE42861, and GSE61431, it was not much different from the best model in terms of Med results. Due to the small number of samples of brain tissues in the training dataset of the model in this paper, the Med tested in the dataset of brain tissues is slightly larger. To ensure that the test data has a small effect on the test results, an 850 K data was used for testing, and the test results are shown in the row of GSE152026 in Table 3. The BNN method cannot be predicted due to the missing CpG sites, so the # sign is used. Overall, the model in this paper has a low Med and a relatively stable prediction ability tested in each dataset, while confirming this in the 850 K dataset (Hannon et al., 2021).

3.5 Differences among multiple organizations

To test the prediction accuracy of the model in different tissues, the model was compared with four methods, and Figure 4 shows the prediction error of each model in eight tissues respectively. The horizontal coordinates in the figure represent eight different tissues, and the vertical coordinates indicate the error between the predicted age and the actual age, which is calculated by subtracting the actual age from the predicted age. The comparison results of our model in different tissues showed that the prediction error in entorhinal cortex and dorsolateral prefrontal cortex was slightly larger, but the average error in other tissues was around 0 and the error span was relatively small. Combining the error results of each method, we found that whole blood samples performed relatively stablely in each technique, while entorhinal cortex and dorsolateral prefrontal cortex had more significant errors in each method. This also confirms the significant differences in the epigenomes of different tissue types as suggested by previous researchers (Illingworth et al., 2008; Li et al., 2010).

Figure 4
www.frontiersin.org

Figure 4. Prediction errors of different methods in eight tissues. Where (A) represents our method (B) represents the AltumAge method (C) represents the eight different organizations (D) represents the Horvath method, and (E) represents the BNN method. There are eight different colored boxes in each figure representing data from different tissues. We calculated the mean error between the predicted age and the actual age for the different organizations. The closer the mean error is to the 0-axis, the better the prediction; the further it is from the 0-axis, the worse the prediction.

4 Conclusion

Accurate age prediction can help clinicians determine whether the body’s tissues are normal or not. By identifying changes in the genetic characteristics of human tissues, individual disease risk can be effectively reduced. We discuss the usability, accuracy, and the advantages and significance of multi-tissue methylation age prediction methods based on deep learning compared to other methods. Although the prediction has been very accurate using the elastic net method in human aging prediction methods, its exploration of the correlation between CpG loci is not detailed. Deep learning models can not only outperform linear regression models in terms of accuracy, but are also more helpful in investigating the linkages between loci.

In this paper, we propose a perceptron prediction model based on the channel attention mechanism, which has a better learning ability and can improve the accuracy of the model prediction compared with the simple perceptron model. It can be seen from the Med of the test dataset that the model in this paper predicts more accurately than most of the current methods. After experimental validation, this model outperforms other methods on most data sets. Although the error of testing the model in this paper is slightly larger in frontal cortex, it performs well in the test results in various tissues such as blood and saliva. Therefore, compared with other methods, the model in this paper has better predictive power and model generalization ability.

In future works, the changes of CpG loci after adding the attention mechanism and the interconnection between CpG loci need to be further explored. The CpG loci in different tissue samples have different degrees of influence on the prediction results, and comparing them will help to improve the accuracy in different tissues. In the future, the self-attentive mechanism module will be used to update the model parameters, which will make it easier and more explanatory to explore the changes of CpG locus coefficients.

Data availability statement

Publicly available datasets were analyzed in this study. This data can be found here: https://www.ncbi.nlm.nih.gov/geo/.

Author contributions

JZ: Conceptualization, Formal Analysis, Investigation, Methodology, Software, Writing–original draft. HL: Data curation, Writing–original draft. JQ: Investigation, Visualization, Writing–original draft. XZ: Conceptualization, Data curation, Writing–original draft. YL: Software, Validation, Writing–original draft. ZK: Funding acquisition, Resources, Writing–original draft, Writing–review and editing. HW: Methodology, Supervision, Writing–original draft, Writing–review and editing.

Funding

The author(s) declare that financial support was received for the research, authorship, and/or publication of this article. This work was partially supported by the National Natural Science Foundation of China under Grants No. 62372099, Jilin Scientific and Technological Development Program (Nos 20230201090GX, 20230401092YY, 20210101175JC, YDZJ202303CGZH010, and 20210101477JC), Capital Construction Funds within the Jilin Province budget (grant 2022C043-2).

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

Barrett, T., Wilhite, S. E., Ledoux, P., Evangelista, C., Kim, I. F., Tomashevsky, M., et al. (2012). NCBI GEO: archive for functional genomics data sets—update. Nucleic acids Res. 41 (D1), D991–D995. doi:10.1093/nar/gks1193

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, L., Dong, Y., Bhagatwala, J., Raed, A., Huang, Y., and Zhu, H. (2019). Effects of vitamin D3 supplementation on epigenetic aging in overweight and obese African Americans with suboptimal vitamin D status: a randomized clinical trial. Journals Gerontology Ser. A 74 (1), 91–98. doi:10.1093/gerona/gly223

CrossRef Full Text | Google Scholar

Christensen, B. C., Houseman, E. A., Marsit, C. J., Zheng, S., Wrensch, M. R., Wiemels, J. L., et al. (2009). Aging and environmental exposures alter tissue-specific DNA methylation dependent upon CpG island context. PLoS Genet. 5 (8), e1000602. doi:10.1371/journal.pgen.1000602

PubMed Abstract | CrossRef Full Text | Google Scholar

Davis, S., and Meltzer, P. S. (2007). GEOquery: a bridge between the gene expression omnibus (GEO) and BioConductor. Bioinformatics 23 (14), 1846–1847. doi:10.1093/bioinformatics/btm254

PubMed Abstract | CrossRef Full Text | Google Scholar

de Lima Camillo, L. P., Lapierre, L. R., and Singh, R. (2022). A pan-tissue DNA-methylation epigenetic clock based on deep learning. npj Aging 8 (1), 4. doi:10.1038/s41514-022-00085-y

CrossRef Full Text | Google Scholar

Di Lena, P., Sala, C., Prodi, A., and Nardini, C. (2019). Missing value estimation methods for DNA methylation data. Bioinformatics 35 (19), 3786–3793. doi:10.1093/bioinformatics/btz134

PubMed Abstract | CrossRef Full Text | Google Scholar

Fahy, G. M., Brooke, R. T., Watson, J. P., Good, Z., Vasanawala, S. S., Maecker, H., et al. (2019). Reversal of epigenetic aging and immunosenescent trends in humans. Aging Cell 18 (6), e13028. doi:10.1111/acel.13028

PubMed Abstract | CrossRef Full Text | Google Scholar

Fitzgerald, K. N., Hodges, R., Hanes, D., Stack, E., Cheishvili, D., Szyf, M., et al. (2021). Potential reversal of epigenetic age using a diet and lifestyle intervention: a pilot randomized clinical trial. Aging (Albany NY) 13 (7), 9419–9432. doi:10.18632/aging.202913

PubMed Abstract | CrossRef Full Text | Google Scholar

Fraga, M. F., Agrelo, R., and Esteller, M. (2007). Cross-talk between aging and cancer: the epigenetic language. Ann. N. Y. Acad. Sci. 1100 (1), 60–74. doi:10.1196/annals.1395.005

PubMed Abstract | CrossRef Full Text | Google Scholar

Galkin, F., Mamoshina, P., Kochetov, K., Sidorenko, D., and Zhavoronkov, A. (2021). DeepMAge: a methylation aging clock developed with deep learning. Aging Dis. 12 (5), 1252–1262. doi:10.14336/AD.2020.1202

PubMed Abstract | CrossRef Full Text | Google Scholar

Hannon, E., Dempster, E. L., Mansell, G., Burrage, J., Bass, N., Bohlken, M. M., et al. (2021). DNA methylation meta-analysis reveals cellular alterations in psychosis and markers of treatment-resistant schizophrenia. Elife 10, e58430. doi:10.7554/eLife.58430

PubMed Abstract | CrossRef Full Text | Google Scholar

Hannum, G., Guinney, J., Zhao, L., Zhang, L., Hughes, G., Sadda, S., et al. (2013). Genome-wide methylation profiles reveal quantitative views of human aging rates. Mol. Cell 49 (2), 359–367. doi:10.1016/j.molcel.2012.10.016

PubMed Abstract | CrossRef Full Text | Google Scholar

Horvath, S. (2013). DNA methylation age of human tissues and cell types. Genome Biol. 14 (10), R115–R120. doi:10.1186/gb-2013-14-10-r115

PubMed Abstract | CrossRef Full Text | Google Scholar

Horvath, S., Zhang, Y., Langfelder, P., Kahn, R. S., Boks, M. P. M., van Eijk, K., et al. (2012). Aging effects on DNA methylation modules in human brain and blood tissue. Genome Biol. 13 (10), R97–R18. doi:10.1186/gb-2012-13-10-r97

PubMed Abstract | CrossRef Full Text | Google Scholar

Illingworth, R., Kerr, A., Desousa, D., Jørgensen, H., Ellis, P., Stalker, J., et al. (2008). A novel CpG island set identifies tissue-specific methylation at developmental gene loci. PLoS Biol. 6 (1), e22. doi:10.1371/journal.pbio.0060022

PubMed Abstract | CrossRef Full Text | Google Scholar

Ispano, E., Bianca, F., Lavezzo, E., and Toppo, S. (2023). An overview of protein function prediction methods: a deep learning perspective. Curr. Bioinforma. 18 (8), 621–630. doi:10.2174/1574893618666230505103556

CrossRef Full Text | Google Scholar

Levine, M. E., Lu, A. T., Quach, A., Chen, B. H., Assimes, T. L., Bandinelli, S., et al. (2018). An epigenetic biomarker of aging for lifespan and healthspan. Aging (albany NY) 10 (4), 573–591. doi:10.18632/aging.101414

PubMed Abstract | CrossRef Full Text | Google Scholar

Levy, J. J., Titus, A. J., Petersen, C. L., Chen, Y., Salas, L. A., and Christensen, B. C. (2020). MethylNet: an automated and modular deep learning approach for DNA methylation analysis. BMC Bioinforma. 21 (1), 108–115. doi:10.1186/s12859-020-3443-8

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, L., Zhang, C., Liu, S., Guan, H., and Zhang, Y. (2021). Age prediction by DNA methylation in neural networks. IEEE/ACM Trans. Comput. Biol. Bioinforma. 19 (3), 1393–1402. doi:10.1109/TCBB.2021.3084596

CrossRef Full Text | Google Scholar

Li, Y., Zhu, J., Tian, G., Li, Q., Ye, M., Zheng, H., et al. (2010). The DNA methylome of human peripheral blood mononuclear cells. PLoS Biol. 8 (11), e1000533. doi:10.1371/journal.pbio.1000533

PubMed Abstract | CrossRef Full Text | Google Scholar

Lin, Q., Weidner, C. I., Costa, I. G., Marioni, R. E., Ferreira, M. R. P., Deary, I. J., et al. (2016). DNA methylation levels at individual age-associated CpG sites can be indicative for life expectancy. Aging (Albany NY) 8 (2), 394–401. doi:10.18632/aging.100908

PubMed Abstract | CrossRef Full Text | Google Scholar

Luo, X., Wang, Y., Zou, Q., and Xu, L. (2023). Recall DNA methylation levels at low coverage sites using a CNN model in WGBS. Plos Comput. Biol. 19 (6), 1011205. doi:10.1371/journal.pcbi.1011205

CrossRef Full Text | Google Scholar

Lv, Z., Li, M., Wang, Y., and Zou, Q. (2023). Editorial: machine learning for biological sequence analysis. Front. Genet. 14, 1150688. doi:10.3389/fgene.2023.1150688

PubMed Abstract | CrossRef Full Text | Google Scholar

Moran, S., Arribas, C., and Esteller, M. (2016). Validation of a DNA methylation microarray for 850,000 CpG sites of the human genome enriched in enhancer sequences. Epigenomics 8 (3), 389–399. doi:10.2217/epi.15.114

PubMed Abstract | CrossRef Full Text | Google Scholar

Qi, R., and Zou, Q. (2023). Trends and potential of machine learning and deep learning in drug study at single-cell level. Research 6, 0050. doi:10.34133/research.0050

PubMed Abstract | CrossRef Full Text | Google Scholar

Shireby, G. L., Davies, J. P., Francis, P. T., Burrage, J., Walker, E. M., Neilson, G. W. A., et al. (2020). Recalibrating the epigenetic clock: implications for assessing biological age in the human cortex. Brain 143 (12), 3763–3775. doi:10.1093/brain/awaa334

PubMed Abstract | CrossRef Full Text | Google Scholar

Sinha, D., Dasmandal, T., Yeasin, M., Mishra, D. C., Rai, A., and Archak, S. (2023). EpiSemble: a novel ensemble-based machine-learning framework for prediction of DNA N6-methyladenine sites using hybrid features selection approach for crops. Curr. Bioinforma. 18 (7), 587–597. doi:10.2174/1574893618666230316151648

CrossRef Full Text | Google Scholar

Sreeraman, S., Kannan, M. P., Singh Kushwah, R. B., Sundaram, V., Veluchamy, A., Thirunavukarasou, A., et al. (2023). Drug design and disease diagnosis: the potential of deep learning models in biology. Curr. Bioinforma. 18 (3), 208–220. doi:10.2174/1574893618666230227105703

CrossRef Full Text | Google Scholar

Sun, Z., Asmann, Y. W., Kalari, K. R., Bot, B., Eckel-Passow, J. E., Baker, T. R., et al. (2011). Integrated analysis of gene expression, CpG island methylation, and gene copy number in breast cancer cells by deep sequencing. PloS one 6 (2), e17490. doi:10.1371/journal.pone.0017490

PubMed Abstract | CrossRef Full Text | Google Scholar

Tang, W., Wan, S., Yang, Z., Teschendorff, A. E., and Zou, Q. (2018). Tumor origin detection with tissue-specific miRNA and DNA methylation markers. Bioinformatics 34 (3), 398–406. doi:10.1093/bioinformatics/btx622

PubMed Abstract | CrossRef Full Text | Google Scholar

Thong, Z., Tan, J. Y. Y., Loo, E. S., Phua, Y. W., Chan, X. L. S., and Syn, C. K. C. (2021). Artificial neural network, predictor variables and sensitivity threshold for DNA methylation-based age prediction using blood samples. Sci. Rep. 11 (1), 1744. doi:10.1038/s41598-021-81556-2

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, Y., Xu, L., and Zou, Q. (2023b). Deep learning methods for bioinformatics and biomedicine. Methods 216, 1–2. doi:10.1016/j.ymeth.2023.06.003

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, Y., Zhai, Y., Ding, Y., and Zou, Q. (2023a). SBSM-pro: support bio-sequence machine for proteins, arXiv preprint arXiv:2308.10275.

Google Scholar

Woźniak, A., Heidegger, A., Piniewska-Róg, D., Pośpiech, E., Xavier, C., Pisarek, A., et al. (2021). Development of the VISAGE enhanced tool and statistical models for epigenetic age estimation in blood, buccal cells and bones. Aging (Albany NY) 13 (5), 6459–6484. doi:10.18632/aging.202783

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, Q., Vallerga, C. L., Walker, R. M., Lin, T., Henders, A. K., Montgomery, G. W., et al. (2019). Improved precision of epigenetic clock estimates across tissues and its implication for biological ageing. Genome Med. 11, 54–11. doi:10.1186/s13073-019-0667-1

PubMed Abstract | CrossRef Full Text | Google Scholar

Zou, H., and Hastie, T. (2005). Regularization and variable selection via the elastic net. J. R. Stat. Soc. Ser. B Stat. Methodol. 67 (2), 301–320. doi:10.1111/j.1467-9868.2005.00503.x

CrossRef Full Text | Google Scholar

Keywords: DNA methylation, epigenetic clock, deep learning, attention mechanism, age prediction

Citation: Zhao J, Li H, Qu J, Zong X, Liu Y, Kuang Z and Wang H (2024) A multi-organization epigenetic age prediction based on a channel attention perceptron networks. Front. Genet. 15:1393856. doi: 10.3389/fgene.2024.1393856

Received: 01 March 2024; Accepted: 09 April 2024;
Published: 24 April 2024.

Edited by:

Sigrid Le Clerc, Conservatoire National des Arts et Métiers (CNAM), France

Reviewed by:

Ernesto Borrayo, University of Guadalajara, Mexico
Shixiang Sun, Albert Einstein College of Medicine, United States

Copyright © 2024 Zhao, Li, Qu, Zong, Liu, Kuang and Wang. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Zhejun Kuang, kuangzhejun@ccu.edu.cn; Han Wang, wangh101@nenu.edu.cn

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.