Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

A Feature Selection Algorithm to Compute Gene Centric Methylation from Probe Level Methylation Data

  • Brittany Baur,

    Affiliation Department of Math, Statistics and Computer Science, Marquette University, Milwaukee, Wisconsin, United States of America

  • Serdar Bozdag

    Serdar.bozdag@marquette.edu

    Affiliation Department of Math, Statistics and Computer Science, Marquette University, Milwaukee, Wisconsin, United States of America

Abstract

DNA methylation is an important epigenetic event that effects gene expression during development and various diseases such as cancer. Understanding the mechanism of action of DNA methylation is important for downstream analysis. In the Illumina Infinium HumanMethylation 450K array, there are tens of probes associated with each gene. Given methylation intensities of all these probes, it is necessary to compute which of these probes are most representative of the gene centric methylation level. In this study, we developed a feature selection algorithm based on sequential forward selection that utilized different classification methods to compute gene centric DNA methylation using probe level DNA methylation data. We compared our algorithm to other feature selection algorithms such as support vector machines with recursive feature elimination, genetic algorithms and ReliefF. We evaluated all methods based on the predictive power of selected probes on their mRNA expression levels and found that a K-Nearest Neighbors classification using the sequential forward selection algorithm performed better than other algorithms based on all metrics. We also observed that transcriptional activities of certain genes were more sensitive to DNA methylation changes than transcriptional activities of other genes. Our algorithm was able to predict the expression of those genes with high accuracy using only DNA methylation data. Our results also showed that those DNA methylation-sensitive genes were enriched in Gene Ontology terms related to the regulation of various biological processes.

Introduction

Methylation of cytosine nucleotides in DNA (hereafter DNA methylation) is involved in cellular differentiation [1], development [2] and has impact in diseases such as cancer [3]. DNA methylation is typically associated with a decrease in gene expression due to its role in blocking transcription factors from binding [4]. It is also speculated that silencing of a gene could precede DNA methylation [4]. DNA methylation is known to have positive correlation with gene expression, as well, particularly in gene bodies [4]. Several studies integrate DNA methylation with gene expression to unravel the role of DNA methylation in gene regulation [58].

DNA methylation has a context-dependent effect on gene expression. For instance, Benet et al. showed that DNA methylation around the transcription start site (TSS) is tightly linked to transcriptional silencing [5]. Varley et al. explored the effects of DNA methylation on gene expression in the context of CpG status and genomic position [6]. They found that the correlation of DNA methylation near the TSS is generally negatively correlated with gene expression and DNA methylation in the gene body is positively or negatively correlated depending on CpG status. Rhee et al. also provided an extensive analysis of the effects of DNA methylation on gene expression in different molecular subtypes of breast cancer [7]. They found that there is more positive correlation of gene expression moving upstream of the TSS in less aggressive subtypes of breast cancer compared to more aggressive subtypes.

A few studies integrate DNA methylation and other data types to predict gene expression. Benet et al. used decision trees to investigate the combinatorial effects of DNA methylation status in different genomic positions on gene expression and found CpG islands to be the most informative feature [5]. Li et al. tested various models to predict gene expression using epigenomics data in lung cancer [9]. They found that a model comprised of 67 features chosen with a ReliefF feature selection and random forest classification performs the best. The set of features is comprised of predominately histone H3 methylation modification and CpG methylation data.

There are several next-generation sequencing-based assays to measure DNA methylation such as bisulfite sequencing, MeDIP-seq, and reduced representation bisulfite sequencing. There are also bisulfite microarray-based assays to measure DNA methylation. For humans, the Illumina Infinium HumanMethylation27 BeadChip Kit array contains 27,578 probes for 14,495 genes [10]. Later, Illumina developed higher-resolution Illumina Infinium HumanMethylation450 BeadChip Kit array, which have an average of 18 probes associated with a gene in various genomic positions and CpG statuses. Due to its high resolution and low cost, the Illumina Infinium HumanMethylation 450K array has become one of the most frequently used assay to quantify DNA methylation in human. At the time of writing the Gene Expression Omnibus database had about 30,000 samples that were profiled using the Illumina 450K array.

Knowing the overall DNA methylation level of a gene is important for downstream functional analysis, such as analyzing regions where DNA methylation blocks transcription factors [7] or determining if a gene has aberrant DNA methylation in cancer [11]. However, it is not straightforward to determine which probes to choose from a 450K array that best represent the overall methylation level of the gene and are informative to the gene’s expression level. A simple, but valuable approach may be to choose a probe based on a metric such as the variation. One approach is to use the standard deviation (SD) across samples and choose the probes with the greatest variation [12, 13]. Other studies restrict the analysis to probes from CpG islands in upstream regions [14], since DNA methylation blocking transcription factors from binding is a well-studied phenomenon. Several studies restrict the number of probes to those within a certain proximity surrounding the TSS [15, 16]. However, this approach ignores possibly informative DNA methylation in the gene body.

In this study, we developed a feature selection algorithm based on sequential forward selection that can utilize various classification methods to select probes that are relevant to gene expression from a 450K array. We also tested this algorithm against more sophisticated approaches such as support vector machines with recursive feature elimination (SVM-RFE), a genetic algorithm and ReliefF. Additionally, we compared our algorithm against several selection methods that do not use gene expression to inform the selection. These methods include choosing the probe with the greatest variation, choosing probes close to the TSS, and choosing probes in upstream CpG islands. Following the selection of probes, we computed a number of metrics to evaluate the prediction quality of gene expression by the selected probes. These metrics included precision, recall, specificity and Matthew’s correlation coefficient. Our results showed that our sequential forward selection algorithm performed best on all metrics when using K-Nearest Neighbors (KNN) where K = 1 (1NN). Our algorithm generally selects one or two probes for each gene, which allows to identify key regions where DNA methylation changes have impact on gene expression.

We also observed that our algorithm could determine genes whose expression levels are putatively sensitive to the changes in their DNA methylation. We showed that these DNA methylation-sensitive genes were enriched for Gene Ontology (GO) terms related to the regulation of various biological processes. Additional functional analysis clustering showed that DNA methylation-sensitive genes also regulated other genes and proteins by a variety of mechanisms, including DNA-binding, kinase activity, protein degradation and protein synthesis.

Materials and Methods

Data

Agilent whole genome microarray data and Illumina 450K DNA methylation data of 25 breast cancer lines after treated with the hypomethylating agent, 5-azacitidine (aza) for 72 hours were downloaded from [14] (GSE57343). Log10 Mock/Aza expression data were normalized to account for the different cell lines [14] using LoEss normalization in the LIMMA package [17, 18]. To perform binary prediction of gene expression, the expression data were discretized into up, down and baseline categories using 1.1 fold change threshold for aza-treated cells with respect to mock trials (mock/aza). Baseline mock/aza values were removed. The up and down-expressed mock/aza samples were the binary classifiers in the classification algorithms.

To verify the results of our algorithm on breast cancer cell line, we also downloaded Illumina 450K DNA methylation and Agilent mRNA expression data for 99 Luminal A breast cancer samples from the Cancer Genome Atlas repository [19, S1 File]. Batch effects were corrected in the mRNA expression data using the LIMMA package [18]. Expression data were discretized with a log2 1.2 fold change of the expression level of the sample over the median expression level for that gene across samples. We used the 1.2 fold change threshold instead of 1.1 in tissue samples to reduce potential noise in the discretized data. Baseline sample expression/median expression values were removed. The up and down-expressed sample expression/median expression were the binary classifiers in the classification algorithm.

A sequential feature selection algorithm for classification methods

We developed a sequential feature selection (SFS) algorithm that can use different classification methods to select the probes that are most relevant to gene expression (Algorithm 1) [20]. SFS sequentially adds features until there is no improvement in the prediction. The objective function of the SFS algorithm is the minimization of the mean classification error in a 10-fold cross-validation (CV).

Algorithm 1 describes the process for a single gene and a set of n probes associated with the gene, X. Given the DNA methylation levels of the probes, Mk,X, and the associated gene expression levels, yk, each probe is individually tested in a 10-fold cross validation predicting the gene expression based on the DNA methylation levels of the probe (steps 1–5). In each partition of the 10-fold cross validation, the specified classification algorithm (described below) is trained on the training samples. The expression levels of test samples are predicted based on the trained classification algorithm and the methylation levels of the test samples. The number of test samples in which the predicted expression level does not match the true expression level is O. O is computed for every partition and the mean(O) is the classification error, CCE. The probe with the best performance, or minimal CCE, in the 10-fold cross validation is selected (steps 6–8).

Additional probes are sequentially added from the pool of remaining probes if the performance in a 10-fold cross validation improves and more samples are predicted correctly (steps 9–18). If no additional probes lead to increased performance, the algorithm is terminated (steps 19–21).

Algorithm 1. Sequential feature selection with 10-fold CV.

Input: yk: discretized up/down gene expression of sample size k

X = (x1, x2, ….xn): n potential probes associated with gene to be added to S

Mk,X: DNA methylation values for n probes associated with gene in k samples

S: current set of selected probes, initially empty

C: Classification model based on training folds in 10-fold CV

C = Classification (Mtrain,S, ytrain),

O(Mtest,S, ytest) = sum(ytest ≅ predict(C, Mtest,S))

Current classification error (CCE): A vector of classification errors for probes being tested, the classification error is mean(O) from a 10-fold CV

1. For i = 1:n

2.        Select probe xi

3.        Compute 10-fold CV. In each partition, compute C on training and O on test data

4.        Take mean O as current classification error, CCE(i)

5. End

6. Find j s.t. CCE(j) < CCE(i), 1 ≤ in, ij

7. Move probe xj from X to S

8. Old classification error, OCE = CCE(j)

9. While (true)

10.       For each xiX

11.              Select probes {xi} ∪ S

12.              Compute 10-fold CV. In each partition, compute C on training and O on test data.

13.              Take mean O as current classification error, CCE(i)

14.       End For

15.       Find j s.t. CCE(j) < CCE(i), 1 ≤ i|X|, ij

16.       If CCE(j) < OCE17. Move probe xj from X to S

18.              OCE = CCE(j)

19.       Else:

20.              Stop search

21. End While

We used the following classification algorithms in combination with sequential feature selection (Algorithm 1).

Support vector machine (SVM).

A linear kernel function was used to map the training data to the kernel space [21]. Sequential minimal optimization was used to find the separating hyperplane.

K-Nearest neighbors (KNN).

KNN classification algorithm was applied with K = 1,3 and 5 (1NN, 3NN and 5NN, respectively). A Euclidean distance metric was used for all instances of KNN [22].

Decision trees (DT).

The minimum parent size (number of observations) was 10 and the minimum leaf size was 1 [23].

Naïve Bayes (NB).

A kernel distribution was specified for predictors in the Naïve Bayes classification algorithm [24].

We also tested other feature selection algorithms, SVM with recursive feature elimination (SVM-RFE), a genetic algorithm feature selection with KNN classification (GA-KNN) and ReliefF.

SVM-RFE.

The SVM-RFE algorithm was adapted from [25]. This study used a correlation bias reduction strategy to deal with highly correlated features. In our adaptation, we also included a modification to deal with class imbalances, such that the weight of misclassifying the minority class was higher. The weights of the penalties were obtained by solving the equation n0 * w0 = n1 * w1, where n0 and n1 were the number of down and up expressed samples, and w0 and w1 were the respective weights. We used a Gaussian kernel and ranked the features. For each gene, we selected the top k probes where k equals to the number of probes selected in the SFS algorithm.

GA-KNN.

A genetic algorithm for selecting features was adapted from [26]. The goal of the GA algorithm was to minimize the fitness function: , where resubLoss is the resubstitution loss in a KNN classification (fraction of misclassified data), N is the total number of features and S is the number of selected features. The denominator of the equation penalizes a large number of selected probes. We tested the algorithm using K = 1, 3 and 5.

ReliefF.

A KNN-based ReliefF implementation from the MATLAB statistics toolbox [20] was also tested. The nearest “hit” of a feature vector for a sample was defined as the closest sample of the same class by Euclidean distance. The nearest “miss” of a feature vector for a sample was defined as the closest sample of the other class. For each iteration, a vector of features from a random instance is selected. The weight of the feature i is updated according to the function: where xi is the value of the feature of the randomly selected instance, hi is the nearest hit and mi is the nearest miss. Therefore, the weight of a feature decreases if it is more distant from nearby instances of the hits relative to the misses.

We tested this algorithm with K = 1, 3 and 5. This implementation ranks the predictors in order of importance. For each gene, we selected the top k probes where k equals to the number of probes selected in the SFS algorithm.

We also developed two control algorithms namely random and top two correlated.

Random.

For a given gene, we randomly selected probes associated with the gene. We set the number of probes randomly selected for a gene equal to the number of probes that were selected in the SFS algorithm that we compared to.

Top two correlated.

The two probes most positively or negatively correlated with gene expression were selected.

We tested our algorithm against following probe selection methods, which do not take into account gene expression.

All.

For a given gene, all the probes associated with the gene are selected.

Upstream CpG Island.

For a given gene, we selected probes that are in CpG islands in the upstream regions (TSS200, TSS1500, 5’ UTR and 1st Exon).

TSS.

For a given gene, we selected probes within a 2500bp window of the transcription start site.

Top SD.

For a given gene, the probe with the highest standard deviation is selected.

Assessment of algorithms

We calculated various metrics to test each algorithm’s ability to predict gene expression based on the selected DNA methylation probes. We applied a leave-one-out cross validation (LOO-CV) with an appropriate model using the selected probes as predictors and the discretized gene expression as a response. For the SFS algorithm, the classification model used in the feature selection was used in the LOO-CV. For GA-KNN and ReliefF, KNN was used in the LOO-CV. For SVM-RFE, SVM was used in the LOO-CV. For the methods that do not integrate gene expression, namely All, Upstream CpG Island, TSS and Top SD, we evaluated the probe selection with a LOO-CV using KNN, DT, SVM and NB.

Following the LOO-CV, we computed the number of true positive (TP), true negatives (TN), false positives (FP) and false negatives (FN) and calculated various metrics. We considered down-expressed cases positive and up-expressed cases negative outcomes. We calculated the prediction accuracy ((TP + TN)/(TP+TN+FP+FN)), recall (TP/(TP+FN)), precision (TP/(TP+FP)) and specificity (TN/(TN+FP)) for each method. We also computed Matthew’s correlation coefficient (MCC) [Eq 1]. MCC can be considered a balanced measure of accuracy even when the class sizes may be different.

(1)

Gene Ontology and functional enrichment

To perform functional analysis on genes whose expression were predicted with high accuracy by DNA methylation, we selected genes that have an MCC > 0.6 in the SFS algorithm. We performed a GO-term enrichment analysis using the web tool GOrilla [27], by comparing the list of genes with high MCC to a background of the full list of 17,043 genes in the dataset. To show that the enrichment of GO terms obtained is specific to genes with high MCC, we compared the list of GO terms and p-values for genes with high MCC to the list of GO terms and p-values for genes with MCC < 0.2.

In order to investigate if there are any functional differences between genes that have gene body and upstream methylation, we performed gene functional classification clustering using DAVID [28]. Given an input gene list, the DAVID’s functional clustering tool generates a gene-to-gene similarity matrix based on shared functional annotations from different sources [29]. A clustering algorithm classifies the genes into functionally related clusters. Each functional cluster contains certain related terms shared between the genes in the group. We separated all genes with MCC > 0.6 based on whether the selected probes by the SFS algorithm were exclusively from upstream regions (gene had probes only in 5’ UTR, 1st Exon, TSS200 or TSS1500 as defined by Illumina) or exclusively from the gene body applied functional clustering using DAVID for each group of genes.

Implementation

Our algorithm is unbiased as it does not restrict analysis by CpG status or genomic position. We implemented the tool in MATLAB [20]. The source code is freely available under the MIT Open Source license (https://github.com/brittanybaur/genecentricmethylation).

Results and Discussion

KNN-SFS algorithm resulted in higher recall and specificity

We calculated the prediction accuracy, specificity, recall, precision and MCC for the SFS algorithm using the four different classification algorithms on 31,171 transcripts on the breast cancer cell line data obtained from [14]. We calculated various metrics such as precision, recall, specificity and MCC due to the class imbalance of up/down expressed samples (S1 Fig). We found that the 1NN-SFS algorithm resulted in the highest MCC, recall and specificity, and the third highest precision (Table 1, Fig 1). The 1NN algorithm also resulted in the second highest accuracy (S2A Fig). We compared the 1NN-SFS algorithm to the random and top two correlated selection methods and evaluated the predictive performance of the probe selection with a 1NN-based LOO-CV. To ensure a fair comparison, we set the number of probes selected for a gene in the 1NN-Random method equal to the number of probes selected for that gene in the 1NN-SFS algorithm. We found that all these controls resulted in worse performance than our algorithm. We also compared 1NN-SFS algorithm to GA-KNN and ReliefF algorithms for K = 1, 3 and 5, and to the SVM-RFE algorithm. We set the number of top ranked probes selected in ReliefF and SVM-RFE equal to the number of probes selected by 1NN-SFS. We observed that the 1NN-SFS algorithm performed better than GA-KNN and ReliefF algorithms for K = 1, 3 and5, and the SVM-RFE algorithm by all metrics (Fig 2, S2B Fig). Taken together, these results indicate that the 1NN-SFS feature selection method chooses more relevant probes than other algorithms.

thumbnail
Fig 1. Violin plots of performance metrics for the algorithm when utilizing different classification methods in the SFS algorithm and controls on the breast cancer cell line data.

A) MCC, B) Precision, C) Recall, D) Specificity. Green squares specify the median and the red pluses specify the mean. NB: Naive Bayes, DT: Decision tree, SVM: Support Vector Machine

https://doi.org/10.1371/journal.pone.0148977.g001

thumbnail
Fig 2. Violin plots of performance metrics for 1NN-SFS algorithm against other algorithms on the breast cancer cell line data.

A) MCC, B) Precision, C) Recall, D) Specificity. Random: KNN random, Top 2: KNN top two (see Methods). GAK: GA-KNN algorithm with varying K-nearest neighbors. RFK: Relief-F algorithm with varying K nearest neighbors.

https://doi.org/10.1371/journal.pone.0148977.g002

thumbnail
Table 1. Mean performance of SFS algorithms and controls on the breast cancer cell line data.

https://doi.org/10.1371/journal.pone.0148977.t001

We compared the 1NN-SFS algorithm to probe selection methods that do not take into account gene expression. All of these approaches to probe selection resulted in significantly lower performance when compared to the 1NN-SFS algorithm that integrate gene expression, suggesting the importance of integrating gene expression data to inform the probe selection (Fig 3).

thumbnail
Fig 3. Violin plots of MCC for 1NN-SFS algorithm against other probe selection methods on the breast cancer cell line data.

A) All, B) Upstream CpG Island, C) TSS, D) Top SD.

https://doi.org/10.1371/journal.pone.0148977.g003

We observed the 1NN algorithm usually only selected one or two probes per gene (Fig 4). Out of the 31,171 transcripts tested, 11,833 transcripts had one probe selected and an additional 9,411 transcripts had two probes selected. Since selecting all of the probes leads to significantly poorer performance, the selection of the best one or two probes is important to the algorithm’s good performance. This shows that our algorithm was able to reduce the number of probes for a given gene to a limited number of key informative probes.

thumbnail
Fig 4. Number of probes selected per gene by 1NN-SFS algorithm on the breast cancer cell line data.

https://doi.org/10.1371/journal.pone.0148977.g004

KNN algorithm resulted in consistent prediction accuracy

To check the consistency of the algorithm on smaller subsets of the data, we ran the algorithm five additional times on half of the dataset, in which the samples were randomly chosen each execution. For each of the five executions, we compared 1NN-SFS algorithm to random selection method and top two correlated method. Fig 5 shows a heatmap comparison of the MCC for the five runs of the 1NN algorithm compared to the random selection and top two correlated selection. The 1NN consistently gave higher MCC values over the random selection and top two correlated selection. Additionally, the MCC values were consistent across runs.

thumbnail
Fig 5. Heatmap clustering of MCC values.

Heatmap clustering of MCC values for five executions of the algorithm on random halves of the breast cancer cell line data for A. 1NN algorithm and B. random selection of probes C. Top two correlated approach.

https://doi.org/10.1371/journal.pone.0148977.g005

DNA methylation-sensitive genes were enriched for regulation-based GO terms

We investigated if there are any common functional property on genes whose transcription levels are sensitive to DNA methylation changes by analyzing genes where the selected probes predict gene expression well. 3,084 genes had MCC > 0.6 in the 1NN-SFS algorithm. The GOrilla results are summarized in Table 2. Table 2 shows that DNA methylation-sensitive genes were enriched in GO terms related to the regulation of various biological processes. The table only encompasses only the top 30 significant GO terms.

thumbnail
Table 2. Top 30 GO Terms for genes with MCC >0.6 by 1NN-SFS algorithm on the breast cancer cell line data.

https://doi.org/10.1371/journal.pone.0148977.t002

To verify that this result is specific to well-predicted genes, we compared the result to poorly-predicted genes. We performed GO analysis on 2,880 genes that have MCC < 0.2. We chose MCC thresholds carefully to ensure a fair comparison to GO analysis by having comparable gene set sizes. Table 3 shows that only immune response and stimulus detection terms are reported as significant. This result suggest that enrichment of regulation-related GO terms are specific to genes with high MCC values.

thumbnail
Table 3. GO terms with MCC < 0.2 for genes by 1NN-SFS algorithm on the breast cancer cell line data.

https://doi.org/10.1371/journal.pone.0148977.t003

We applied DAVID’s functional classification tool on genes with MCC > 0.6 to determine functional enrichment differences for genes with selected gene body probes and genes with selected promoter probes. 1035 genes had exclusively upstream probes selected, resulting in 33 functional clusters. 699 genes had exclusively gene body probes selected, resulting in 27 functional clusters. We found that in both the promoter and gene body group, many of the clusters suggested that the genes are involved in the regulation of other genes and proteins via a variety of mechanisms. The most enriched clusters are summarized in Tables 4 and 5. S1 Table and S2 Table contains a full list of the top clusters.

thumbnail
Table 4. Functional clusters of genes with MCC > 0.6 with upstream probes selected by 1NN-SFS algorithm on the breast cancer cell line data.

https://doi.org/10.1371/journal.pone.0148977.t004

thumbnail
Table 5. Functional clusters of genes with MCC > 0.6 with gene body probes selected by 1NN-SFS algorithm on the breast cancer cell line data.

https://doi.org/10.1371/journal.pone.0148977.t005

For genes with probes selected from the promoter regions (Table 4), the most enriched cluster contains genes involved in ATP-binding, nucleotide-binding, helicase and protein kinase activity. Additionally, cluster 3 also contains many kinase, phosphorylation and nucleotide binding terms. A common theme is that these terms are all mechanisms by which other genes and proteins can be regulated. Importantly, these functions may be related to the regulation-based GO terms represented in the GOrilla analysis. Other possible mechanisms of regulation of other genes and proteins include an enrichment of DNA-methyltransferases (cluster 7) and regulation of protein synthesis via ribosomal protein (cluster 19). DNA methylation may also play a role in the regulation of apoptosis-related genes (cluster 9) and cell motility (cluster 8). A group of 59 genes were enriched in terms related to transcription regulator activity (cluster 13).

Similar results were obtained for genes where the probes were selected from gene body regions (Table 5). The first and third cluster involve transcription regulation and protein kinase activity. Cluster 4 contains additional genes coding for ribosomal proteins. Cluster 8 contains genes coding for proteasomes and ubiquitin, suggesting that protein degradation may also be under the control of DNA methylation of certain genes. Additionally, 66 genes were enriched in terms related to transcription regulation (cluster 9).

Together, these results suggest that if DNA methylation is a good predictor of gene expression (MCC > 0.6) than that gene may likely be involved in the regulation of other genes and proteins through a variety of mechanisms including DNA binding, protein kinase activity, protein synthesis and protein degradation. We did not find a significant functional difference between genes where gene body probes are selected and genes where upstream probes are selected. This suggests that a gene under strong epigenetic control via DNA methylation is more likely to be a regulatory gene, regardless of the genomic position of the predictive DNA methylation.

Verification in TCGA luminal A breast cancer data

To verify our work in another dataset, we performed the 1NN-SFS algorithm on 99 luminal A breast cancer samples from the TCGA database. We computed the performance metrics, and found the average to be 0.7 for all metrics (Fig 6).

thumbnail
Fig 6. Performance metrics of 1NN-SFS algorithm on TCGA data.

https://doi.org/10.1371/journal.pone.0148977.g006

We performed the same GO-term analysis for luminal A data that we performed in the cell line data. We chose 1,823 and 1,407 genes that were predicted with an MCC > 0.6 and MCC < 0.2, respectively. 534 of the genes with MCC > 0.6 in the TCGA data overlapped with the genes with MCC > 0.6 in the cell line data (hypergeometric p-value < 2.01 e-41). Table 6 shows only the top 30 GO terms for genes with high MCC and Table 7 shows all of the GO terms for genes with low MCC. Similar to our previous result for the cell line data, we found that genes that predicted well were again enriched in GO-terms related to the regulation of various biological processes while genes that were predicted poorly were not. We note here that the poorly-predicted genes had GO-terms involved in the detection of a chemical stimulus and smell. This was due to a single family (olfactory receptor family) where almost all of the members of the family had their expression predicted poorly. This was not the case for the regulation-based terms in the well-predicting gene set.

thumbnail
Table 6. Top 30 GO terms with MCC > 0.6 for genes by 1NN-SFS algorithm on TCGA data.

https://doi.org/10.1371/journal.pone.0148977.t006

thumbnail
Table 7. GO terms with MCC < 0.2 for genes by 1NN-SFS algorithm on TCGA data.

https://doi.org/10.1371/journal.pone.0148977.t007

We performed DAVID’s functional classification analysis on genes with probes exclusively selected from the promoter and genes with probes exclusively selected from the gene body as previously described. 659 genes with MCC > 0.6 contained selected probes exclusively from the upstream regions,resulting in 22 total clusters. 396 genes with MCC > 0.6 contained selected probes exclusively from the gene body, resulting 23 clusters. The results are summarized in Tables 8 and 9. A full list of top enriched clusters are contained in S3 Table and S4 Table. For genes with selected probes from the promoter (Table 8), cluster 2 contained genes involved with RNA splicing, which is another mechanism by which other genes can be regulated. Similar to functional clustering results on cell line data, cluster 4 contained genes coding ribosomal proteins and cluster 1 and 5 contained transcriptional regulation genes. For genes with probes selected from the gene body (Table 9), clusters 1 and 3 had terms involved with protein regulation and cluster 2 contained genes involved with nucleotide-binding. For both the cell line and TCGA data for genes with selected gene body probes, chromodomain helicase and GTP-binding clusters were observed (S2 Table and S4 Table).

thumbnail
Table 8. Functional clusters of genes with MCC > 0.6 with upstream probes selected by 1NN-SFS algorithm in TCGA data.

https://doi.org/10.1371/journal.pone.0148977.t008

thumbnail
Table 9. Functional clusters of genes with MCC > 0.6 with gene body probes selected by 1NN-SFS algorithm in TCGA data.

https://doi.org/10.1371/journal.pone.0148977.t009

Conclusions

We developed an algorithm, which utilizes different classification and regression methods to select DNA methylation probes from the Illumina Infinium HumanMethylation450 BeadChip Kit array that are most relevant to expression of their corresponding gene. We tested the algorithms based on their ability to predict up/down expressed samples. We found that the 1NN-SFS algorithm performed the best compared to other methods tested (Figs 1 and 2) and random selection (Fig 1). We demonstrated that this algorithm led to consistent results (Fig 5). The 1NN-SFS has the advantages of selecting a certain number of probes as opposed to ranking the probes.

We also observed that genes whose expression was predicted by DNA methylation with high accuracy were enriched in GO terms related to the regulation of various biological processes in both datasets. The overlap between highly predicted genes in both datasets were also significantly higher. Genes whose expression was accurately predicted by DNA methylation may be more sensitive to changes in DNA methylation. Therefore, genes that are sensitive to changes in DNA methylation may be more likely to be involved in the regulation of various biological processes.

Additionally, functional clustering revealed that many genes that were sensitive to DNA methylation were regulators of other genes and proteins through a variety of mechanisms including DNA-binding, protein kinase activity, protein degradation and protein synthesis. These results suggest that these functions may answer how genes under the control of DNA methylation regulate the various biological processes. There were no significant differences in function between genes with gene body probes selected and genes with upstream probes selected. This suggests that genes under the control of DNA methylation are more likely to be a regulatory gene regardless of the genomic position of the most predictive DNA methylation.

In order to verify results on cell line dataset, we also applied 1NN-SFS on a breast cancer dataset obtained from TCGA. The overall prediction accuracy in breast cancer data was lower than the accuracy in cell line data (Figs 1 and 6). This could be due to the heterogeneity of the tissue samples. The expression of the tissue samples might be affected by other factors such as copy number alteration and mixed cell population in the tissues. On the other hand, cell line data contain more homogenous cells in each sample.

These methods will help researchers evaluate which probes are most involved in gene expression and which genes are sensitive to changes in DNA methylation. Future work should be aimed at studying other DNA methylation platforms to find the best methods for choosing regions of where DNA methylation has a significant impact on gene expression. The ideas in this paper could be extended to bisulfite sequencing and other commonly used platforms. Methylation-seq data could work if the data is converted to segment data. Additionally, the combinatorial effects of DNA methylation in different regions on gene expression can be studied with approaches similar to methods here.

Supporting Information

S1 Fig. Heatmap of discretized mock/aza expression data in breast cancer cell lines.

Red: Up-expressed, Green: Down-expressed, Black: Baseline.

https://doi.org/10.1371/journal.pone.0148977.s001

(TIF)

S2 Fig. Accuracy of probe selection methods that integrate gene expression data.

https://doi.org/10.1371/journal.pone.0148977.s002

(TIF)

S3 Fig. Heatmap of discretized expression data in TCGA Luminal A breast cancer datasets.

Red: Up-expressed, Green: Down-expressed, Black: Baseline.

https://doi.org/10.1371/journal.pone.0148977.s003

(TIF)

S1 File. TCGA IDs for 99 Luminal A samples used in the analysis.

https://doi.org/10.1371/journal.pone.0148977.s004

(TXT)

S1 Table. Top 20 functional clusters of genes with MCC > 0.6 with upstream probes selected.

https://doi.org/10.1371/journal.pone.0148977.s005

(DOCX)

S2 Table. Functional clusters of genes with MCC > 0.6 with gene body probes selected with enrichment > 1.

https://doi.org/10.1371/journal.pone.0148977.s006

(DOCX)

S3 Table. Functional clusters of genes with MCC > 0.6 with upstream probes selected in TCGA data with enrichment > 1.

https://doi.org/10.1371/journal.pone.0148977.s007

(DOCX)

S4 Table. Functional clusters of genes with MCC > 0.6 with gene body probes selected in TCGA data with enrichment > 1.

https://doi.org/10.1371/journal.pone.0148977.s008

(DOCX)

Acknowledgments

This work is supported by the startup funding of Dr. Bozdag from Marquette University.

Author Contributions

Conceived and designed the experiments: BB SB. Performed the experiments: BB. Analyzed the data: BB SB. Wrote the paper: BB SB. Designed software used in analysis: BB.

References

  1. 1. Meissner A, Mikkelsen TS, Gu H, Wernig M, Hanna J, Sivachenko A, et al. Genome-scale DNA methylation maps of pluripotent and differentiated cells. Nature 2008 Aug 7;454(7205):766–770. pmid:18600261
  2. 2. Bird A. DNA methylation patterns and epigenetic memory. Genes Dev 2002 Jan 1;16(1):6–21. pmid:11782440
  3. 3. Jones PA, Baylin SB. The epigenomics of cancer. Cell 2007 Feb 23;128(4):683–692. pmid:17320506
  4. 4. Jones PA. Functions of DNA methylation: islands, start sites, gene bodies and beyond. Nat Rev Genet 2012 May 29;13(7):484–492. pmid:22641018
  5. 5. Brenet F, Moh M, Funk P, Feierstein E, Viale AJ, Socci ND, et al. DNA methylation of the first exon is tightly linked to transcriptional silencing. PLoS One 2011 Jan 18;6(1):e14524. pmid:21267076
  6. 6. Varley KE, Gertz J, Bowling KM, Parker SL, Reddy TE, Pauli-Behn F, et al. Dynamic DNA methylation across diverse human cell lines and tissues. Genome Res 2013 Mar;23(3):555–567. pmid:23325432
  7. 7. Rhee JK, Kim K, Chae H, Evans J, Yan P, Zhang BT, et al. Integrated analysis of genome-wide DNA methylation and gene expression profiles in molecular subtypes of breast cancer. Nucleic Acids Res 2013 Oct;41(18):8464–8474. pmid:23887935
  8. 8. Baur B, Bozdag S. A canonical correlation analysis-based dynamic bayesian network prior to infer gene regulatory networks from multiple types of biological data. J Comput Biol 2015 Apr;22(4):289–299. pmid:25844668
  9. 9. Li J, Ching T, Huang S, Garmire LX. Using epigenomics data to predict gene expression in lung cancer. BMC Bioinformatics 2015;16 Suppl 5:S10-2105-16-S5-S10. Epub 2015 Mar 18.
  10. 10. Weisenberger DJ, Van Den Berg D, Pan F, Berman BP, Laird PW. Comprehensive DNA methylation analysis on the Illumina Infinium assay platform. Illumina Epigenetic Analysis. Application note.
  11. 11. Maeda O, Ando T, Ohmiya N, Ishiguro K, Watanabe O, Miyahara R, et al. Alteration of gene expression and DNA methylation in drug-resistant gastric cancer. Oncol Rep 2014 Apr;31(4):1883–1890. pmid:24504010
  12. 12. Selamat SA, Chung BS, Girard L, Zhang W, Zhang Y, Campan M, et al. Genome-scale analysis of DNA methylation in lung adenocarcinoma and integration with mRNA expression. Genome Res 2012 Jul;22(7):1197–1211. pmid:22613842
  13. 13. Noushmehr H, Weisenberger DJ, Diefes K, Phillips HS, Pujara K, Berman BP, et al. Identification of a CpG island methylator phenotype that defines a distinct subgroup of glioma. Cancer Cell 2010 May 18;17(5):510–522. pmid:20399149
  14. 14. Li H, Chiappinelli KB, Guzzetta AA, Easwaran H, Yen RW, Vatapalli R, et al. Immune regulation by low doses of the DNA methyltransferase inhibitor 5-azacitidine in common human epithelial cancers. Oncotarget 2014 Feb 15;5(3):587–598. pmid:24583822
  15. 15. Farré P, Jones MJ, Meaney MJ, Emberly E, Turecki G, Kobor MS. Concordant and discordant DNA methylation signatures of aging in human blood and brain. Epigenetics Chromatin 2015;8
  16. 16. Rica Ldl, Urquiza JM, Gómez-Cabrero D, Islam ABMMK, López -Bigas N, Tegnér J, et al. Identification of novel markers in rheumatoid arthritis through integrated analysis of DNA methylation and microRNA expression. J Autoimmun 2013;41:6. pmid:23306098
  17. 17. Schuebel KE, Chen W, Cope L, Glockner SC, Suzuki H, Yi JM, et al. Comparing the DNA hypermethylome with gene mutations in human colorectal cancer. PLoS Genet 2007 Sep;3(9):1709–1723. pmid:17892325
  18. 18. Smith GK. Limma: linear models for microarray data. In: Gentleman VC, Dudoit S, editors. Bioinformatics and Computational Biology Solutions Using R and Bioconductor: Springer; 2005. p. 397–420.
  19. 19. The Cancer Genome Atlas Network. Comprehensive molecular portraits of human breast tissues. Nature 2012 Jul; 490 (7418): 61–70. pmid:23000897
  20. 20. MATLAB and Statistics Toolbox Release 2014a, The MathWorks, Inc., Natick, Massachusetts, United States
  21. 21. Cortes C, Vapnik V. Support-Vector Networks. Mach Learning 1995;20(3):273–297.
  22. 22. Friedman JH, Bentley JL, Finkel RA. An Algorithm for Finding Best Matches in Logarithmic Expected Time. ACM Trans.Math.Softw. 1977 sep;3(3):209–226.
  23. 23. Quinlan JR. Simplifying decision trees. International Journal of Human-Computer Studies 1999;51(2):497.
  24. 24. John GH, Langley P. Estimating Continuous Distributions in Bayesian Classifiers. Proceedings of the Eleventh Conference on Uncertainty in Artificial Intelligence San Francisco, CA, USA: Morgan Kaufmann Publishers Inc; 1995.
  25. 25. Yan K, Zhang D. Feature selection and analysis on correlated gas sensor data with recursive feature elimination. Sensors Actuators B: Chem 2015 6;212:353–363.
  26. 26. Babatunde O, Armstrong LJ, Leng J, Dean D. A genetic algorithm-based feature selection. International Journal of Electronics Communication and Computer Engineering 2014;5(4):889–905.
  27. 27. Eden E, Navon R, Steinfeld I, Lipson D, Yakhini Z. GOrilla: a tool for discovery and visualization of enriched GO terms in ranked gene lists. BMC Bioinformatics 2009 Feb 3;10:48-2105-10-48.
  28. 28. Huang DW, Sherman BT, Lempicki RA. Bioinformatics enrichment tools: paths toward the comprehensive functional analysis of large gene lists. Nucleic Acids Res 2008 11/03;37(1):1–13. pmid:19033363
  29. 29. Huang DW, Sherman BT, Tan Q, Collins JR, Alvord WG, Roayaei J, et al. The DAVID Gene Functional Classification Tool: a novel biological module-centric algorithm to functionally analyze large gene lists. Genome Biol 2007;8(9):R183-2007-8-9-r183.