Skip to main content
  • Research article
  • Open access
  • Published:

A deep learning method to more accurately recall known lysine acetylation sites

Abstract

Background

Lysine acetylation in protein is one of the most important post-translational modifications (PTMs). It plays an important role in essential biological processes and is related to various diseases. To obtain a comprehensive understanding of regulatory mechanism of lysine acetylation, the key is to identify lysine acetylation sites. Previously, several shallow machine learning algorithms had been applied to predict lysine modification sites in proteins. However, shallow machine learning has some disadvantages. For instance, it is not as effective as deep learning for processing big data.

Results

In this work, a novel predictor named DeepAcet was developed to predict acetylation sites. Six encoding schemes were adopted, including a one-hot, BLOSUM62 matrix, a composition of K-space amino acid pairs, information gain, physicochemical properties, and a position specific scoring matrix to represent the modified residues. A multilayer perceptron (MLP) was utilized to construct a model to predict lysine acetylation sites in proteins with many different features. We also integrated all features and implemented the feature selection method to select a feature set that contained 2199 features. As a result, the best prediction achieved 84.95% accuracy, 83.45% specificity, 86.44% sensitivity, 0.8540 AUC, and 0.6993 MCC in a 10-fold cross-validation. For an independent test set, the prediction achieved 84.87% accuracy, 83.46% specificity, 86.28% sensitivity, 0.8407 AUC, and 0.6977 MCC.

Conclusion

The predictive performance of our DeepAcet is better than that of other existing methods. DeepAcet can be freely downloaded from https://github.com/Sunmile/DeepAcet.

Background

Post-translational modifications (PTMs) refer to the chemical modification of a protein after translation. PTMs play a crucial role in regulating many biological functions, such as protein localization in the cell, protein stabilization, and the regulation of enzymatic activity [1]. Studies have shown that 50–90% of the proteins in the human body undergo PTMs, mainly through the splicing of the peptide chain backbone, the addition of new groups to the side chains of specific amino acids, or the chemical modification of existing groups. Acetylation is one of the most important and ubiquitous PTMs in proteins. Protein acetylation is a widespread covalent modification in eukaryotes that occurs by transferring acetyl groups from acetyl coenzyme A (acetyl CoA) to either the α-amino (Nα) group of amino-terminal residues or to the ε-amino group (Nε) of internal lysines at specific sites [2]. The lysine acetylation catalyzed by histone acetyltransferases (HATs) or lysine acetyltransferases (KATs) reversibly regulates a large number of biological processes [3]. The function of lysine acetylation in histones to control gene expression by modifying the chromatin structure has been widely studied [4]. Recent studies in proteomics have shown that most acetylation events occur on non-chromatin associated proteins and play an important role in cell signaling and metabolism, protein activities and structure, and sister chromatid polymerization [5,6,7]. In addition to histone acetylation, non-histone acetylation is also important. Some studies have shown that acetylated non-histones affect the stability of mRNA, intracellular localization, protein-protein interactions, enzyme activity and transcriptional regulation [2, 8, 9]. In addition, most non-histone proteins targeted by acetylation are associated with cancer cell proliferation, tumorigenesis and immune functions [10].

Although a large number of lysine acetylated proteins have been identified, there are still many acetylated proteins that need to be identified. The mechanism of protein acetylation is still largely unknown. The identification of acetylation sites will be an essential step in understanding the molecular mechanisms of protein acetylation. Also, some cancer [11, 12], neurodegenerative disorders [13, 14] and cardiovascular diseases [15, 16] are related to aberrant lysine acetylation. Thus, the identification of acetylation sites can provide a certain guidance for the treatment of some diseases [17]. Kim et al. [18] first developed a method for detecting lysine acetylation sites at the proteomic level by enriching acetylated peptides with lysine acetylated-specific antibodies. Choudhary et al. [19] used high-resolution mass spectrometry to identify 3600 lysine acetylation sites on 1750 proteins. However, the experimental identification of lysine acetylation is very laborious with long periods, for high cost and low throughput. It is necessary to predict the lysine acetylation sites through better approaches.

In contrast with time-consuming and expensive experimental methods, computational tools represent an alternative method for studying acetylation. Various machine learning algorithms have been used to predict acetylation sites, such as support vector machine (SVM) [20,21,22,23], Bayesian discrimination [24], and logistic regression [25]. These predictors, obtained from shallow machine learning algorithms, have generated good predictions. However, there is still much room for improvement. First, the existing tools generally use machine learning methods. Although NetAcet [26] adopted a neural network, regrettably, the training dataset was very limited during development. With the increase in identified acetylation sites, deep learning has certain advantages for dealing with big data. Second, these methods cannot extract the underlying features of the acetylated protein. To tackle these problems, we proposed a new predictor, DeepAcet, which can extract the high-level features and obtain better predictive results. We adopted two ways to the train models. One way utilized different encoding schemes. The other integrated six types of encoding schemes with an F-score to train the model (Fig. 1).

Fig. 1
figure 1

The computational framework of the predictor. Step 1, a peptide of the length of 31 with a center lysine (K) was used to extract sequences from the acetylated proteins. Step 2, six different encoding schemes that are described in Section 2.2 were utilized to encode fragments. Step 3, these six groups of encoded features were used to the train model in two ways. Step 4, the predicted results of the samples

Results

Performance of DeepAcet

To obtain comprehensive information for the sequences, we chose different encoding schemes which contained sequence location information, amino acid composition information, evolutionary information and physicochemical properties. Different features will have different predictive performance. We first applied a 4-fold cross-validation to test the predictive abilities for the predictors of each encoding scheme. The results showed that different types of features have different contributions to predictive performance (Table 1 , Fig. 2). The BLOSUM62 scheme was the most effective feature for prediction, with an accuracy of 76.23%, specificity of 71.68%, sensitivity of 80.77%, AUC of 0.7880, and MCC of 0.5267. The next most effective schemes were the one-hot, CKSAAP, and AAindex features.

Table 1 Performance measures and dimensions for the different features
Fig. 2
figure 2

Performance measures for the different features. a The Accuracy, Specificity, Sensitivity, AUC values of different features and their error bars. b ROC curves and their AUC values for different features

From published articles, it is known that a combination of different features makes a model better. Therefore, our next step was to test the predictive performance of combined features. We utilized the CKSAAP encoding scheme and obtained a 2205-dimension featured vector, a 651-dimension featured vector from the one-hot or BLOSUM62, a 434-dimension featured vector from the 14 physicochemical properties from AAindex, a 1-dimension featured vector from IG and a 30-dimension featured vector from the PSSM encoding scheme. The total dimension of features was 3972. We utilized all the features without feature selection as an input to the neural network and K-fold (k = 4, 6, 8, 10) cross-validation to evaluate their predictive performance (Additional file 1: Table S1).

It is known from these references [27, 28], that some features are redundant and have no contribution to the prediction. Therefore, we calculated the F-score for each feature and selected 2199 features with values greater than 0.0001 as the optimal feature set (Additional file 2: Table S2). As expected, the predictive accuracy greatly improved from the selected features (Table 2, Fig. 3). All the accuracy, specificity and sensitivity values were over 80%, with the ACC over 0.8, and the MCC over 0.6. Based on the selected features, the best predictive performance was achieved with 84.95% accuracy, 83.45% specificity, 86.44% sensitivity, 0.8540 AUC, and 0.6993 MCC in a 10-fold cross-validation. Additionally, the ROC curves in 4-, 6-, 8- and 10-fold cross-validation were very close to each other, which illustrated the robustness of the predictor.

Table 2 Performance measures for the 4-, 6-, 8-, and 10-fold cross-validations
Fig. 3
figure 3

Performance measures of the predictors trained by the optimal features. a The Accuracy, Specificity, Sensitivity, AUC values in 4-, 6-, 8-, and 10-fold cross-validation. b ROC curves and their AUC values in 4-, 6-, 8-, and 10-fold cross-validation

Analysis between lysine acetylation and non-acetylation fragments

We calculated the occurrence composition for various amino acids in the positive and negative datasets to directly observe the differences between lysine acetylated and non-acetylated fragments (Fig. 4a). Also, a Two Sample Logo [29] was utilized to analyze the occurrence of amino acids around lysine acetylation and non-acetylation (Fig. 4b). From Fig. 4a, we can observe that there is certainly a difference in the amino acids between acetylation and non-acetylated fragments. The acetylated fragments contained more alanine (A), glutamic acid (E), glycine (G), lysine (K), arginine (R) and valine (V) than in the non-acetylated fragments. Figure 4b further illustrates that the compositional and positional information of acetylated and non-acetylated fragments have statistically significant differences.

Fig. 4
figure 4

Comparison of between the lysine acetylation fragments and non-acetylation fragments. a The percentage of amino acids in the lysine acetylation and non-acetylation fragments. b A Two Sample Logo (p < 0.0001) of the compositional bias around the lysine acetylation and non-acetylation fragments

Optimal features analysis

The distribution for each type of feature in the optimal feature set is shown in Fig. 5. In the 2199 optimal features, 1250 belong to the CKSAAP, 392 to the BLOSUM62, 294 to the one-hot, 262 to the AAindex, 1 to the IG, and 0 to the PSSM, suggesting that different features offer different contributions to the classifier. The number of CKSAAP features make up the largest proportion with 56.84%, followed by BLOSUM62 with 17.83%, One-hot with 13.37%, and AAIndex with 11.91%. The sequence encoding scheme CKSAAP utilized different k for the amino acid pair information. BLOSUM62 calculated the similarity of different sequences in the proteins, and AAIndex used the physiochemical properties of the proteins. These optimal features come from different aspects of the proteins, which have different contributions for prediction.

Fig. 5
figure 5

The number of distributions and their percent for each feature. In the 2199 optimal features, 1250 belong to the CKSAAP, 392 to the BLOSUM62, 294 to the one-hot, 262 to the AAindex, 1 to the IG, and 0 to the PSSM

As described above in section 2.2, we selected five different K (0, 1, 2, 3, 4) values, respective to each CKSAAP encoding scheme. The total number of features for the optimal feature set with different K values is shown in Table 3. It can be seen from the table that these five K values have similar contributions to the optimal feature set.

Table 3 Total number of features for the different K values

Comparison with other existing methods

Comparison with different methods should base on same learning dataset. The results will be unfairness if we use different training data. The algorithms will also obtain different results for different feature constructions. However, we couldn’t access the source codes of other existing tools. Another suitable method is to test same independent data which do not been contained in training dataset. In this work, we adopted the later. To demonstrate the performance of our predictor DeepAcet, we further compared our predictor with other existing tools such as PAIL [24], PSKAcePred [23], LAceP [25], N-Ace [20], and BRABSB-PHKA [21], which were trained by shallow machine learning algorithms. We utilized the independent test set described in section 2.1 to test the best performance predictor. The results of the comparison are shown in Table 4 and Fig. 6. However, some prediction tools’ websites were unavailable [20, 21, 25]. Our deep learning predictor DeepAcet had an accuracy of 84.87%, specificity of 83.46%, sensitivity of 86.28%, AUC of 0.8407, and MCC of 0.6977, which were significantly better than the other two predictors.

Table 4 Comparision of the performance results with different webserver tools
Fig. 6
figure 6

The ROC curve for the independent test set. DeepAcet got the better result than that in PAIL and PSKAcePred

Discussion

In this work, a satisfactory predictor which could predict unknown acetylation sites, DeepAcet, was obtained by multilayer perceptron from the combination of various encoding schemes. For a long time, researchers have mainly used shallow machine learning algorithms and their methods to predict modified lysine sites. However, in practical application, shallow machine learning is not good for the extraction of high-level features and has poor predictive performance when processing large data. Shallow machine learning uses machine learning algorithms to parse data, learn data features and make decisions or predictions. Deep learning simulates the structure and function of the human brain by identifying the unstructured input of representative data and making accurate decisions. In recent years, deep artificial neural networks have received more and more attention and have been widely applied to image and speech recognition, natural language understanding, and computational biology [30,31,32,33,34]. By propagating data in a deep network, it can effectively extract data features and highly complex functions to improve the classification ability of predictors. Therefore, a deep neural network is used in this work. Deep neural networks can also better handle high-dimensional encoding vectors by training complex multi-layer networks.

The length of input peptides to learning architecture is also one of the hyperparameters. In the prediction of posttranslational modifications, the general range for protein fragments are 21–41. We also tested several lengths such as 21, 23, 25, 27, 29, 33 and 35 on our benchmark data and found that 31 was the best length (Additional file 3: Table S3).

Although we implemented a deep learning framework to build the model and got good results, there is still room for improvement. First, we only considered the composition and location information for the fragments and didn’t consider structural features. Secondly, there is no systematic method to adjust the hyperparameters (e.g., the number of neurons and the number of iterations) of the neural network, which can only be adjusted through the constant experimentation. In the future, we will consider structural information into the features and the new neural network. We could obtain better robustness and accuracy with more experimentally verified acetylation sites. Meanwhile, researchers have found acetylation is associated with diseases [35,36,37]. We could do some work about the acetylation modification with the disease association.

Conclusion

Lysine acetylation in protein has become a key post-transcriptional modification in cell regulation [38]. To fully understand the molecular mechanism for the biological processes associated with acetylation, a preliminary and critical step is to identify the acetylated substrates and the corresponding acetylation sites. Therefore, the prediction of acetylation sites through computational methods is desirable and necessary. We built a predictor, DeepAcet, from six features based on a deep learning framework. To get the best predictor, feature selection was utilized to reduce meaningless ones. The predictor achieved an accuracy of 84.95%, specificity of 83.45%, sensitivity of 86.44%, AUC of 0.8540, and MCC of 0.6993 in a 10-fold cross-validation. For the independent test set, the predictive performance achieved an accuracy of 84.87%, a specificity of 83.46%, a sensitivity of 86.28%, AUC of 0.8407, and MCC of 0.6977, results which were significantly superior to those of other predictors. DeepAcet can be freely downloaded from https://github.com/Sunmile/DeepAcet.

Methods

Benchmark dataset

We retrieved 29,923 human lysine acetylated sites from the CPLM database (http://cplm.biocuckoo.org/) [39] and their proteins from UniProt (http://www.uniprot.org/). These proteins were truncated with a centered lysine (K) to a fragment length of 31 after many trials. The missing amino acids were filled with the pseudo amino acid “X”. We assigned fragments with the experimental lysine acetylation site into the positive dataset, S+, and the other fragments into the negative dataset, S. In general, if the training dataset had high homology, over-fitting would occur during the training process, which would reduce the generalization ability of the classifier. If more than 30% of the residues in the two comparison fragments were same, only one of them was retained and the other was deleted. After removing the redundant fragments, we obtained 16,107 positive and 57,443 negative fragments. Since the imbalance of a training dataset would cause prediction errors, we randomly selected 16,107 negative fragments from the original dataset, S.

Particularly, to evaluate the performance of our prediction model and compare it with other existing tools, we built an independent test set. The independent test set was obtained by randomly selecting one-fifth of the samples from the positive and negative datasets. The remaining samples were used to train the model. Finally, 6442 samples were selected for the independent test set, which contained 3221 positive samples and 3221 negative samples. In the training set, there were 12,886 positive samples and 12,886 negative samples. The detailed statistics of each dataset are shown in Table 5. Detailed information on the training samples and independent test samples are available in Additional file 4: Table S4 and Additional file 5: Table S5, respectively.

Table 5 The number of samples for the imbalanced, balanced, training and independent test sets

Feature constructions

All existing operation engines can only handle vectors but not sequence samples [40]. Thus, an important step before training the model was to convert the sequences into numerical vectors that the algorithm could recognize directly. This process is known as feature encoding or feature construction. In this work, six encoding schemes including the basic position, evolutionary information and physicochemical properties were used to construct features. One-hot, Blosum62, Composition of K-space amino acid pairs (CKSAAP), Information gain (IG), AAIndex, and Position-specific scoring matrix (PSSM) are available in the Additional file 6: S6.

Feature selection

It is necessary to remove redundant features to train the model. Through feature selection, a model can improve its predictive performance with a lower computational cost. An F-score is a simple but effective technique for evaluating the discriminative power of each feature in the feature set [41]. Given the i – th feature vector {pi1, pi2, pin, ni1, ni2, nim}, the F-score of the i–th feature is calculated by

$$ F(i)=\frac{{\left({\overline{p}}_i-{\overline{s}}_i\right)}^2+{\left({\overline{n}}_i-{\overline{s}}_i\right)}^2}{\frac{1}{n-1}{\sum}_{k=1}^n{\left({p}_{ik}-{\overline{p}}_i\right)}^2+\frac{1}{m-1}{\sum}_{k=1}^m{\left({n}_{ik}-{\overline{n}}_i\right)}^2} $$
(1)

where \( {\overline{p}}_i \),\( {\overline{n}}_i \),\( {\overline{s}}_i \) are the average of the positive, negative, and whole samples, respectively. n, m are the number of positive and negative samples, respectively. The larger the F-score value, the greater the influence of this feature for predictive performance.

Operation algorithm

Deep learning has been focused in recent years in the AI field, and multilayer perceptron (MLP) is one of these deep learning frameworks. We constructed a six-layer MLP (including input and output layers), which is shown in Fig. 7. The first layer of the network is the input layer, which is used to input data. The number of neurons in the first layer is equal to the feature’s dimensions for the input data. The activation function is used to activate neurons and transfer data to the next layer.

Fig. 7
figure 7

The framework of the neural network. A total of six neural levels were implemented. To reduce overfitting, we used the dropout method in every layer except the last one. Additionally, the previous layers used the RELU function to avoid gradient diffusion. We introduced the softmax function to classify the last layer

During the neural network training process, we used a Rectified Linear Unit (ReLU) as the activation function [42], and a softmax loss function [43] in our model. Additionally, the error backpropagation algorithm [44] and the mini-batch gradient descent algorithm were utilized to optimize the parameters. In the transmission of data from input to output, neural networks could learn and extract underlying features of the data. The last layer was the output layer, and the number of neurons in this layer denoted the number of categories. We adopted the softmax function [43], which is commonly used in classification as an activation function in the output layer. The mini-batch gradient descent algorithm was meant to use a small part of the training samples to train the model each time, which could reduce the calculation of the gradient descent method. The optimal value for batch size was 40. To accelerate the rate of gradient descent and suppress the oscillation, we adopted a momentum item in the process of optimizing weights and bias. To reduce overfitting, we used dropout methods in every layer of the neural network except for the last layer. This way, not every neuron had a full connection, which could reduce overfitting and speed up the training of the neural network. Detailed parameter information about the neural network is shown in Additional file 7: Table S7. The predictor for the above deep learning framework is called DeepAcet.

Measurements of performance

The common performance measures of accuracy (Acc), specificity (Sp), sensitivity (Sn), Receiver Operating Characteristic (ROC) curves, Area Under the ROC curve (AUC) and Matthews correlation coefficient (MCC) were used to assess the performance of the predictor. Accuracy indicates the percentage of the test set correctly predicted. The specificity (also called the true negative rate) represents the proportion of negatives that are correctly predicted. The sensitivity (also called the true positive rate or the recall) measures the proportion of positives that are correctly predicted. The MCC accounts for the true and false positives as well as negatives, and is usually regarded as a balanced measure [24]. Importantly, 4-, 6-, 8-, and 10-fold cross-validation were performed. The common measurements are found below

$$ \left\{\begin{array}{c}\begin{array}{c}\mathrm{Sp}=\frac{TN}{TN+ FP}\\ {}\mathrm{Sn}=\frac{TP}{FN+ TP}\end{array}\ \\ {}\begin{array}{c}\mathrm{Acc}=\frac{TP+ TN}{TP+ TN+ FP+ FN}\ \\ {}\mathrm{MCC}=\frac{TP\times TN- FP\times FN}{\sqrt{\left( TP+ FN\right)\left( TN+ FP\right)\left( TP+ FP\right)\left( TN+ FN\right)}}\end{array}\end{array}\ \right. $$
(2)

References

  1. Audagnotto M, Dal Peraro M. Protein post-translational modifications: in silico prediction tools and molecular modeling. Comput Struct Biotechnol J. 2017;15:307–19.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  2. Bannister AJ, Miska EA, Gorlich D, Kouzarides T. Acetylation of importin-alpha nuclear import factors by CBP/p300. Curr Biol. 2000;10(8):467–70.

    Article  CAS  PubMed  Google Scholar 

  3. Deng W, Wang C, Zhang Y, Xu Y, Zhang S, Liu Z, Xue Y. GPS-PAIL: prediction of lysine acetyltransferase-specific modification sites from protein sequences. Sci Rep. 2016;6:39787.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  4. Meng X, Lv Y, Mujahid H, Edelmann MJ, Zhao H, Peng X, Peng Z. Proteome-wide lysine acetylation identification in developing rice (Oryza sativa) seeds and protein co-modification by acetylation, succinylation, ubiquitination, and phosphorylation. Biochim Biophys Acta. 2018;1866(3):451–63.

    Article  CAS  Google Scholar 

  5. Liu Z, Cao J, Gao X, Zhou Y, Wen L, Yang X, Yao X, Ren J, Xue Y. CPLA 1.0: an integrated database of protein lysine acetylation. Nucleic Acids Res. 2011;39(Database issue):D1029–34.

    Article  CAS  PubMed  Google Scholar 

  6. Choudhary C, Weinert BT, Nishida Y, Verdin E, Mann M. The growing landscape of lysine acetylation links metabolism and cell signalling. Nat Rev Mol Cell Biol. 2014;15(8):536–50.

    Article  CAS  PubMed  Google Scholar 

  7. Song J, Lafont A, Chen J, Wu FM, Shirahige K, Rankin S. Cohesin acetylation promotes sister chromatid cohesion only in association with the replication machinery. J Biol Chem. 2012;287(41):34325–36.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  8. Bannister AJ, Miska EA. Regulation of gene expression by transcription factor acetylation. Cell Mol Life Sci. 2000;57(8–9):1184–92.

    Article  CAS  PubMed  Google Scholar 

  9. Gu W, Roeder RG. Activation of p53 sequence-specific DNA binding by acetylation of the p53 C-terminal domain. Cell. 1997;90(4):595–606.

    Article  CAS  PubMed  Google Scholar 

  10. Spange S, Wagner T, Heinzel T, Kramer OH. Acetylation of non-histone proteins modulates cellular signalling at multiple levels. Int J Biochem Cell Biol. 2009;41(1):185–98.

    Article  CAS  PubMed  Google Scholar 

  11. Yang XJ. The diverse superfamily of lysine acetyltransferases and their roles in leukemia and other diseases. Nucleic Acids Res. 2004;32(3):959–76.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  12. Geng H, Harvey CT, Pittsenbarger J, Liu Q, Beer TM, Xue C, Qian DZ. HDAC4 protein regulates HIF1alpha protein lysine acetylation and cancer cell response to hypoxia. J Biol Chem. 2011;286(44):38095–102.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  13. Iyer A, Fairlie DP, Brown L. Lysine acetylation in obesity, diabetes and metabolic disease. Immunol Cell Biol. 2012;90(1):39–46.

    Article  CAS  PubMed  Google Scholar 

  14. Chen KC, Liao YC, Hsieh IC, Wang YS, Hu CY, Juo SH. OxLDL causes both epigenetic modification and signaling regulation on the microRNA-29b gene: novel mechanisms for cardiovascular diseases. J Mol Cell Cardiol. 2012;52(3):587–95.

    Article  CAS  PubMed  Google Scholar 

  15. Jonas MC, Costantini C, Puglielli L. PCSK9 is required for the disposal of non-acetylated intermediates of the nascent membrane protein BACE1. EMBO Rep. 2008;9(9):916–22.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  16. Jeong H, Then F, Melia TJ Jr, Mazzulli JR, Cui L, Savas JN, Voisine C, Paganetti P, Tanese N, Hart AC, et al. Acetylation targets mutant huntingtin to autophagosomes for degradation. Cell. 2009;137(1):60–72.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  17. Mottet D, Castronovo V. Histone deacetylases: target enzymes for cancer therapy. Clin Exp Metastasis. 2008;25(2):183–9.

    Article  CAS  PubMed  Google Scholar 

  18. Kim SC, Sprung R, Chen Y, Xu Y, Ball H, Pei J, Cheng T, Kho Y, Xiao H, Xiao L, et al. Substrate and functional diversity of lysine acetylation revealed by a proteomics survey. Mol Cell. 2006;23(4):607–18.

    Article  CAS  PubMed  Google Scholar 

  19. Choudhary C, Kumar C, Gnad F, Nielsen ML, Rehman M, Walther TC, Olsen JV, Mann M. Lysine acetylation targets protein complexes and co-regulates major cellular functions. Science. 2009;325(5942):834–40.

    Article  CAS  PubMed  Google Scholar 

  20. Lee TY, Hsu JB, Lin FM, Chang WC, Hsu PC, Huang HD. N-ace: using solvent accessibility and physicochemical properties to identify protein N-acetylation sites. J Comput Chem. 2010;31(15):2759–71.

    Article  CAS  PubMed  Google Scholar 

  21. Shao J, Xu D, Hu L, Kwan YW, Wang Y, Kong X, Ngai SM. Systematic analysis of human lysine acetylation proteins and accurate prediction of human lysine acetylation through bi-relative adapted binomial score Bayes feature representation. Mol BioSyst. 2012;8(11):2964–73.

    Article  CAS  PubMed  Google Scholar 

  22. Liu Y, Lin Y. A novel method for N-terminal acetylation prediction. Genomics, Proteomics & Bioinformatics. 2004;2(4):253–5.

    Article  CAS  Google Scholar 

  23. Suo SB, Qiu JD, Shi SP, Sun XY, Huang SY, Chen X, Liang RP. Position-specific analysis and prediction for protein lysine acetylation based on multiple features. PLoS One. 2012;7(11):e49108.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  24. Ao Li YX, Jin C, Wang M, Yaob X. Prediction of Nε-acetylation on internal lysines implemented in Bayesian Discriminant Method. Biochem Biophys Res Commun. 350(4):818–24.

  25. Hou T, Zheng G, Zhang P, Jia J, Li J, Xie L, Wei C, Li Y. LAceP: lysine acetylation site prediction using logistic regression classifiers. PLoS One. 2014;9(2):e89575.

    Article  PubMed  PubMed Central  Google Scholar 

  26. Kiemer L, Bendtsen JD, Blom N. NetAcet: prediction of N-terminal acetylation sites. Bioinformatics. 2005;21(7):1269–70.

    Article  CAS  PubMed  Google Scholar 

  27. Xu Y, Ding YX, Deng NY, Liu LM. Prediction of sumoylation sites in proteins using linear discriminant analysis. Gene. 2016;576(1 Pt 1):99–104.

    Article  CAS  PubMed  Google Scholar 

  28. Chen QY, Tang J, Du PF. Predicting protein lysine phosphoglycerylation sites by hybridizing many sequence based features. Mol BioSyst. 2017;13(5):874–82.

    Article  CAS  PubMed  Google Scholar 

  29. Vacic V, Iakoucheva LM, Radivojac P. Two sample logo: a graphical representation of the differences between two sets of sequence alignments. Bioinformatics. 2006;22(12):1536–7.

    Article  CAS  PubMed  Google Scholar 

  30. Angermueller C, Parnamaa T, Parts L, Stegle O. Deep learning for computational biology. Mol Syst Biol. 2016;12(7):878.

    Article  PubMed  PubMed Central  Google Scholar 

  31. Ching T, Himmelstein DS, Beaulieu-Jones BK, Kalinin AA, Do BT, Way GP, Ferrero E, Agapow PM, Zietz M, Hoffman MM, et al. Opportunities and obstacles for deep learning in biology and medicine. J R Soc Interface. 2018;15(141).

  32. Voulodimos A, Doulamis N, Doulamis A, Protopapadakis E. Deep learning for computer vision: a brief review. Comput Intell Neurosci. 2018;2018:7068349.

    PubMed  PubMed Central  Google Scholar 

  33. Zorzi M, Testolin A, Stoianov IP. Modeling language and cognition with deep unsupervised learning: a tutorial overview. Front Psychol. 2013;4:515.

    Article  PubMed  PubMed Central  Google Scholar 

  34. Shen D, Wu G, Suk HI. Deep learning in medical image analysis. Annu Rev Biomed Eng. 2017;19:221–48.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  35. Cui Y, Zhang M, Pestell R, Curran EM, Welshons WV, Fuqua SA. Phosphorylation of estrogen receptor alpha blocks its acetylation and regulates estrogen sensitivity. Cancer Res. 2004;64(24):9199–208.

    Article  CAS  PubMed  Google Scholar 

  36. Zhou W, Capello M, Fredolini C, Piemonti L, Liotta LA, Novelli F, Petricoin EF. Mass spectrometry analysis of the post-translational modifications of alpha-enolase from pancreatic ductal adenocarcinoma cells. J Proteome Res. 2010;9(6):2929–36.

    Article  CAS  PubMed  Google Scholar 

  37. Liu D, Liu C, Li J, Azadzoi K, Yang Y, Fei Z, Dou K, Kowall NW, Choi HP, Vieira F, et al. Proteomic analysis reveals differentially regulated protein acetylation in human amyotrophic lateral sclerosis spinal cord. PLoS One. 2013;8(12):e80779.

    Article  PubMed  PubMed Central  Google Scholar 

  38. Zhao S, Xu W, Jiang W, Yu W, Lin Y, Zhang T, Yao J, Zhou L, Zeng Y, Li H, et al. Regulation of cellular metabolism by protein lysine acetylation. Science. 2010;327(5968):1000–4.

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  39. Liu Z, Wang Y, Gao T, Pan Z, Cheng H, Yang Q, Cheng Z, Guo A, Ren J, Xue Y. CPLM: a database of protein lysine modifications. Nucleic Acids Res. 2014;42(Database issue):D531–6.

    Article  CAS  PubMed  Google Scholar 

  40. Xu Y, Wen X, Wen LS, Wu LY, Deng NY, Chou KC. iNitro-Tyr: prediction of nitrotyrosine sites in proteins with general pseudo amino acid composition. PLoS One. 2014;9(8):e105018.

    Article  PubMed  PubMed Central  Google Scholar 

  41. Gao J, Wang Z, Yang Y, Zhang W, Tao C, Guan J, Rao N. A novel approach for lie detection based on F-score and extreme learning machine. PLoS One. 2014;8(6):e64704.

    Article  PubMed  Google Scholar 

  42. Richard HR, Hahnloser RS, Misha A, Mahowald Rodney J, Douglas H, Seung S. Digital selection and analogue amplification coexist in a cortex-inspired silicon circuit. Nature. 2000;405:947–51.

    Article  Google Scholar 

  43. Nahid AA, Mehrabi MA, Kong Y. Histopathological breast Cancer image classification by deep neural network techniques guided by local clustering. Biomed Res Int. 2018;2018:2362108.

    Article  PubMed  PubMed Central  Google Scholar 

  44. Li Y, Fu Y, Li H, Zhang S-W: The Improved Training Algorithm of Back Propagation Neural Network with Self-adaptive Learning Rate 2009:73–76.

Download references

Acknowledgements

Dr. Jun Ding helped us in the program and processed the data. We also thank the three anonymous reviewers which gave us very valuable suggestions.

Funding

This work was supported by grants from the Natural Science Foundation of China (11671032), the Fundamental Research Funds for the Central Universities (No. FRF-TP-17-024A2) and the 2015 National traditional Medicine Clinical Research Base Business Construction Special Topics (JDZX2015299). The funders had no role in the design of the study, the collection, analysis, and interpretation of data and in writing the manuscript.

Availability of data and materials

We retrieved 29,923 human lysine acetylated sites from the CPLM database (http://cplm.biocuckoo.org/) and their proteins from UniProt (https://www.uniprot.org/). The data can be downloaded from https://github.com/Sunmile/DeepAcet and the file name is “Raw Data”.

Author information

Authors and Affiliations

Authors

Contributions

Y.X and Y.Y conceived and designed the experiments. M.W, H.W and Y.Y performed the experiments and data analysis. M.W and Y.X wrote the paper. Y.X and Y.Y revised the manuscript. We ensured that all authors had read and approved the manuscript, and ensured that this is the case.

Corresponding author

Correspondence to Yan Xu.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare no competing financial interests.

Publisher’s Note

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

Additional files

Additional file 1:

Table S1. The performance of six combined features without F-score. The table shows the performance measures (Accuracy, Specificity, Sensitivity, AUC, MCC) for the combination of six encoding methods. (XLSX 11 kb)

Additional file 2:

Table S2. The F-score values of each feature. The table shows the F-score values of the 3972 features obtained by six encoding methods. (XLSX 100 kb)

Additional file 3:

Table S3. – The performance of different lengths of input peptides. The table shows the performance measures (Accuracy, Specificity, Sensitivity, AUC, MCC) for different lengths (21, 23, 25, 27, 29, 31, 33, 35) of fragments. (XLSX 12 kb)

Additional file 4:

Table S4. The training set for lysine acetylation. The table shows all training sets (positive and negative fragments). (XLSX 1137 kb)

Additional file 5:

Table S5. - The independent test set for lysine acetylation. The table shows all independent test sets (positive and negative fragments). (XLSX 314 kb)

Additional file 6:

S6. Six encoding feature constructions. The supplementary material describes six encoding schemes. (DOCX 20 kb)

Additional file 7:

Table 7. Detailed parameter information about the neural network. The table contains the parameter information of MLP: the number of neurons in each layer, activation function, momentum, loss function, batch size, and learning rate. (XLSX 16 kb)

Rights and permissions

Open Access This article is distributed under the terms of the Creative Commons Attribution 4.0 International License (http://creativecommons.org/licenses/by/4.0/), which permits unrestricted use, distribution, and reproduction in any medium, provided you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons license, and indicate if changes were made. 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.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Wu, M., Yang, Y., Wang, H. et al. A deep learning method to more accurately recall known lysine acetylation sites. BMC Bioinformatics 20, 49 (2019). https://0-doi-org.brum.beds.ac.uk/10.1186/s12859-019-2632-9

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://0-doi-org.brum.beds.ac.uk/10.1186/s12859-019-2632-9

Keywords