Skip to main content

Statistical representation models for mutation information within genomic data

Abstract

Background

As DNA sequencing technologies are improving and getting cheaper, genomic data can be utilized for diagnosis of many diseases such as cancer. Human raw genome data is huge in size for computational systems. Therefore, there is a need for a compact and accurate representation of the valuable information in DNA. The occurrence of complex genetic disorders often results from multiple gene mutations. The effect of each mutation is not equal for the development of a disease. Inspired from the field of information retrieval, we propose using the term frequency (tf) and BM25 term weighting measures with the inverse document frequency (idf) and relevance frequency (rf) measures to weight genes based on their mutations. The underlying assumption is that the more mutations a gene has in patients with a certain disease and the less mutations it has in other patients, the more discriminative that gene is.

Results

We evaluated the proposed representations on the task of cancer type classification. We applied various machine learning techniques using the tf-idf and tf-rf schemes and their BM25 versions. Our results show that the BM25-tf-rf representation leads to improved classification accuracy and f-score values compared to the other representations. The highest accuracy (76.44%) and f-score (76.95%) are achieved with the BM25-tf-rf based data representation.

Conclusions

As a result of our experiments, the BM25-tf-rf scheme and the proposed neural network model is shown to be the best performing classification system for our case study of cancer type classification. This system is further utilized for causal gene analysis. Examples from the most effective genes that are used for decision making are found to be in the literature as target or causal genes.

Background

Complex diseases with genetic components arise from different combinations of the mutations in DNA. With the help of the decreasing cost of sequencing technologies, large scale sequencing datasets are being curated. Machine learning methods can be helpful in analyzing the huge genome data. However, a suitable representation technique for the sequencing data is still a problem to be solved. In this paper, we propose using statistical methods from the field of information retrieval for the representation of mutation information in DNA. The proposed representation methods are evaluated for the task of cancer type classification.

As stated in the 2017 report of National Center for Health Statistics [1], cancer is the second among top leading causes of death. Cancer is a group of diseases and each cancer type is labeled by the primary area of the body where the cancer cells arise. Each cancer type in general has a different set of causal genes and the disease emerges from the combination of various mutations of these genes [2]. The treatment is planned according to the primary site. Late diagnosis prevents the application of treatments and often results in the loss of the patient. Accordingly, the unknown or wrong analysis of the primary site and late diagnosis are major problems for cancer patients. The use of genomic data for diagnosis might help both to recognize the disease in early stages and to accurately classify the primary site.

Cancer classification has been primarily based on the morphological appearance of the tumor. Medical images such as magnetic resonance images (MRI) [35], X-ray and computed tomography (CT) images [6, 7], as well as histopathology images [8, 9] have been utilized for cancer diagnosis and classification. Medical images provide valuable information, especially about tumors, but they represent a restricted area. Therefore, there is a need for a more comprehensive data source.

Another commonly used data type for cancer classification is gene expression data. While a number of studies utilizing gene expression data have addressed the classification of cancer types [1014], this type of data is highly sensitive to the microarray experiment setup and in general suffers from low accuracy and robustness [15]. In addition, due to the high dimensionality of gene expression data, gene selection methods are commonly applied prior to classification [16, 17]. The feature selection step may eliminate genes that in general have minor effects on disease generation while still being significant for the diagnosis of particular cancer types for some patients.

The biotechnology improvements and the automation of sequencing systems have increased the speed and lowered the cost of human DNA sequencing, which enabled the usage of this data type for disease diagnosis. The variants or mutations in the DNA of an individual can be identified by comparing the DNA sequence of the individual to the DNA sequence of a reference genome maintained by The Genome Reference Consortium [18] and stored in a variant call format (VCF) file [19]. In recent studies, the binary representations of mutation data obtained from sources of manually curated somatic mutation profiles have been utilized for cancer classification [20, 21]. However, binary representation is a limited way of describing the data. It highlights the genes with mutations, but treats them as equal. The distinction of common, rare and disease causing mutations is not expressed with the binary representation. Therefore, methods such as C-score from the Combined Annotation Dependent Depletion (CADD) framework [22, 23] have been developed for weighting gene mutations. Recently, the sum of C-scores of gene mutations has been successfully used to cluster breast cancer patients and predict the stage of the disease [24].

In this paper, we propose adapting and using term weighting techniques (tf-idf, tf-rf and BM25) from the information retrieval field for weighting genes based on mutation information. As far as we know, these techniques have not been used on variant data before. The proposed gene weighting techniques are evaluated for the task of cancer type classification. Our results demonstrate that the best performing information retrieval based model (BM25-tf-rf) outperforms the C-score based approach. When the best performing classification model is analyzed, the most effective genes in the classification of certain cancer types are found to have been also proposed as causal or target genes in the previously published studies. These literature findings support the effectiveness of our representation models.

Our work brings the following contributions:

  1. 1

    Term weighting methods from the field of information retrieval have been proposed for the representation of mutation information within genomic data.

  2. 2

    A comparison of these data representation schemes for the task of cancer type classification has been performed using a wide range of machine learning methods.

  3. 3

    The best performing representation and classification model are utilized for causal gene analysis.

Methods

In this section, we describe the proposed data representation models as well as their utilization with machine learning algorithms for cancer type classification. An overview of the developed system is shown in Fig. 1. The phenotypes occur as a result of DNA mutations. In our system, we take VCF files, which hold the DNA mutation information, as input. These gene mutations are weighted by using the proposed representation models. The genomic data representation vector is then processed with a wide range of machine learning algorithms for the task of cancer type classification. So, the VCF data constitute the set of observations and the genes, which are weighted based on mutation information, are the features in our classification model for learning the given cancer classes. The first output of the system is the prediction of the cancer type. The second output is the list of most effective genes in the classification process, which is obtained by analyzing the most accurate representation and classification model.

Fig. 1
figure 1

Overview of the proposed system

Dataset

The Cancer Facts and Figures 2017 annual report [25] states the leading sites of cancer. According to this list and the common cancer types from The National Cancer Institute [2], we created a dataset of ten cancer types, which are observed frequently and account for above half of the estimated cancer caused deaths. The list of selected cancer types and the sample counts for each cancer type are provided in Table 1. We downloaded a total of 7028 VCF files for ten cancer types from The Cancer Genome Atlas (TCGA) [26]. ANNOVAR [27] is used for gene-based annotation of the VCF files. From the annotated files, we selected the exonic and intronic mutations as they include specific gene labels. This selection of mutation types resulted in 16,383 distinct genes. As a result, our dataset, named as BOUN10CANCER, has 7028 samples with mutation information of 16,383 distinct genes and a class label for each sample representing the cancer type.

Table 1 The list of cancer types and sample counts in the BOUN10CANCER dataset

Data representation models

Binary mutation model

In the binary model, a gene is represented with 1 if there is a mutation in that gene, and it is represented with 0 otherwise. Hence, the resulting data set has the gene labels as features and binary values for each feature. The binary value for each gene feature is extracted from the annotated VCF file. If the gene label exists in the annotated file, the value is 1, and it is 0 otherwise. If there are more than 1 mutation for a gene, the feature value for that gene is still set to 1.

This representation model is applied by using two different gene lists. The first model is constructed with the known causal genes for the selected cancer types. The causal genes are obtained from OMIM [28] by using the MSC tool [29] of HGNC [30]. We extracted 434 causal genes for the cancer types in the BOUN10CANCER dataset. The second model is constructed by using all mutated genes in the annotated VCF files. We extracted 16,383 mutated genes for the cancer types in the BOUN10CANCER dataset.

C-score based mutation model

The CADD framework [22, 23] is a Support Vector Machine (SVM) based framework which calculates C-scores for variants. The C-score integrates diverse annotations and creates a single score for a variant. In the C-score based mutation model, the sum of C-scores for all mutations in a gene is used as the feature value for that gene. For example, if a gene has two mutations in a sample, the feature value for that gene in that sample is the sum of the C-scores of these two mutations. The sum of C-scores approach was also used in [24] for breast cancer patient classification. We evaluate this approach for cancer type classification and compare it with the proposed information retrieval based mutation models described in the following subsections.

Tf-idf based mutation model

Complex diseases are in general developed from the combination of various mutations in the genes. Each mutation may influence the evolution of the disease at different levels. In order to express these differences, we proposed to utilize the tf-idf (term frequency-inverse document frequency) weighting method. Tf-idf is a term weight calculation technique used commonly in the information retrieval and text mining research areas. In [31], tf-idf is defined as a statistical measure, which is used to evaluate how important a word is to a document in a collection by checking the distribution and frequency of the word’s occurrences.

In our context, the tf-idf value measures how important a gene mutation is to a sample in a collection of samples. Mutations in genes that are found in most samples have low tf-idf values, whereas genes with rare mutations are granted higher weights. With this strategy, we aim to increase the impact of the existence of rare mutations and suppress the effects of common mutations in the classification task, since common mutations may not be a sign of a disease.

In this model, instead of binary values, the calculated tf-idf weights of the genes are used as feature values. The main equation of tf-idf is presented in Eq. 1. Tf-idf value for a gene g and sample s is the multiplication of tf, that is term frequency, and idf, that is inverse document frequency, values. The tf value for a gene g and sample s is taken as the count of mutations of gene g in sample s. The higher the number of mutations for a gene in a sample, the more tf weight is assigned to this gene. The df value, that is document frequency, for a gene g is taken as the count of samples in the collection that contain mutations of gene g. For a sample collection of size N, idf of gene g is calculated as shown in Eq. 2. Intuitively, the more samples in the collection have mutations in gene g, the less discriminating power this gene will have as a feature in cancer type classification. So it is assigned a lower idf score.

$$ {tf\text{-}idf}_{g,s} ={tf}_{g,s}*{idf}_{g} $$
(1)
$$ {idf}_{g} = \log \left(N / {df}_{g} \right) $$
(2)

Tf-rf based mutation model

A mutation can be rare in the collection, however, it may be effective for samples with particular cancer types. In order to account for the class information, tf-rf (term frequency-relevance frequency) based data representation is adapted. Similarly to tf-idf, tf-rf is also used in information retrieval and text mining. Unlike tf-idf, tf-rf is a supervised statistical measure proposed in [32]. It is used to evaluate how important a word is to a class of documents in a collection. In tf-rf, a word may have different weight values for different classes.

In our context, the tf-rf value measures how important a gene mutation is to a sample by using the information of its class label. If the particular gene mutation is encountered more in one class compared to the other classes, the corresponding rf and tf-rf values are higher than for the other classes. As shown in Eq. 3, the tf-rf value for a gene g and sample s is the multiplication of tf, that is term frequency, and rf, that is relevance frequency, values. The tf value is computed in the same way as in tf-idf. The rf value of gene g and class c is calculated as in Eq. 4, where a is the number of samples in class c which contain mutation in gene g, and b is the number of samples in other classes which contain mutation in gene g.

$$ {tf\text{-}rf}_{g,s} ={tf}_{g,s}*{rf}_{g,c} $$
(3)
$$ {rf}_{g,c} =\log (2 + a / \max (1,b)) $$
(4)

BM25-tf-idf based mutation model

BM25, often called Okapi, is a ranking function used by search engines to rank matching documents according to their relevance to a given search query [33]. For our task of weighting genes based on mutation information, the term frequency definition in BM25 is used instead of the classic term frequency in tf-idf. As shown in Eq. 5, BM25-tf-idf value for a gene g and sample s is the multiplication of BM25-tf, that is BM25 definition of term frequency, and idf, that is inverse document frequency, values. BM25-tf value for a gene g and sample s is calculated as in Eq. 6. In this equation, Ls and Lave are the length of sample s and the average sample length for the whole collection, respectively. We model the samples with the same features. Therefore, in our representation model, Ls is equal to Lave. When we use this equality, Eq. 6 is simplified to Eq. 7. k is used as a smoothing parameter for tf. The idf definition is the same as in tf-idf.

$$ {BM25\text{-}tf\text{-}idf}_{g,s} = {BM25\text{-}tf}_{g,s} * {idf}_{g} $$
(5)
$$ {{}\begin{aligned} {BM25\text{-}tf}_{g,s} &= \left((k+1)*{tf}_{g,s}\right) / \left(k*\left((1-b)\right. \right.\\&\quad \left. \left. +b*(L_{s}/L_{ave})\right)+{tf}_{g,s}\right) \end{aligned}} $$
(6)
$$ {BM25\text{-}tf}_{g,s} = ((k+1)*{tf}_{g,s}) / (k+{tf}_{g,s}) $$
(7)

BM25-tf-rf based mutation model

For BM25-tf-rf, the term frequency definition in BM25 is used instead of the classic term frequency in tf-rf. As shown in Eq. 8, the BM25-tf-rf value for a gene g and sample s is the multiplication of BM25-tf, that is BM25 definition of term frequency, and rf, that is relevance frequency, values. The BM25-tf value is computed in the same way as in BM25-tf-idf. The rf definition is the same as in tf-rf.

$$ {BM25\text{-}tf\text{-}rf}_{g,s} = {BM25\text{-}tf}_{g,s} * {rf}_{g,c} $$
(8)

The effect of the smoothing parameter k is illustrated in Fig. 2. In this chart, the tf and BM25-tf values for different values of k are shown when the number of gene mutations changes in the range from 1 to 10. The figure demonstrates that, the tf values, which are represented by empty circles, keep increasing as the number of mutations increases. Even a point mutation may be significant for the occurrence of a certain disease. Therefore, a gene with n mutations is not necessarily n times more important than a gene with 1 mutation for disease detection. As shown in Fig. 2 the smoothing parameter k in BM25-tf dampens the effect of high tf values.

Fig. 2
figure 2

The effect of the smoothing parameter k in the BM25 calculations for term frequency

Implementation and experiment design

Machine learning models

A wide range of machine learning algorithms are applied to investigate the effects of the proposed mutation based DNA representation models in the task of disease classification. Naive Bayes (NB), K-Nearest Neighbor (KNN), Support Vector Machines (SVM), Logistic Regression (LR), One-Layer-Perceptron (Perceptron) and Feed-Forward Multilayer Neural Network (NN) are run on the prepared datasets.

For the Feed Forward NN, the model is composed of two or more fully connected layers. Except the last layer, the number of nodes is halved at each layer. If the first layer has N units, then the second layer has N/2 units. With this strategy, each layer represents the information from the previous layer with less units. After each fully connected layer, a dropout is applied. As there are 10 classes, the last layer has 10 nodes with softmax activation function. Categorical cross-entropy is employed as the loss function. The number of epochs is 50 and the batch size is 50.

All experiments are implemented with Python. For the traditional machine learning algorithms, the scikit-learn library [34] is used. The feed forward network model is implemented with Keras [35] on Tensorflow [36] backend.

Evaluation strategy

The input datasets are first divided into 80% training and 20% test sets. Parameter tuning is accomplished using 10-fold cross-validation on the training set. Testing is also accomplished in 10-folds. In each fold, the model with the best parameters is trained with one of the training sets from the initial cross-validation experiment, which was performed over the 80% of the data, and testing is performed over the test set (the initially separated 20% of the data). By this strategy, the instances in the independent test set are not included in any step of either parameter tuning or training, and the effects of minor changes of the training data are also indicated. The reported results are the micro-averaged scores and standard deviations on the independent test set. Accuracy, f-score, precision, recall, false positive rate (FPR) and area under the receiver operating curve (roc-auc) are used as the performance measures.

Parameter tuning for the representation models

For BM25-tf, a range of k values between 0.6 and 2 are used in the parameter tuning phase. The BM25-tf-rf representation model and the Feed Forward NN are used in the parameter tuning setup. The classification results for different values of k are presented in Table 2 and the best performing row is shown in bold. k =0.8 leads to the best accuracy and f-score values. Therefore, this value is used in our experiments for the BM25-tf calculations.

Table 2 Parameter tuning results for the parameter k in the BM25-tf formula

Parameter tuning for the classification models

A parameter tuning phase is applied for each machine learning algorithm and data representation model. The best parameter set is used in the test phase. The default values are used for the parameters that are not tuned. NB and LR are applied with the default parameters. The range or list of values used in parameter tuning for the other machine learning algorithms are presented in Table 3. The best parameters for the classification models are presented in Table 4.

Table 3 The range (or list) of parameters used in the parameter tuning phase for the classification models
Table 4 The best parameters found as a result of the parameter tuning phase for the classification models

Results

Selection of gene sets

The success of the mutation based data representation schemes also depends on the selected gene list. The initial experiments are applied on the binary representation to observe the classification performances over the causal and full gene sets. LR, SVM with linear kernel and Perceptron are selected as pilot algorithms. As shown in Table 5, the accuracy values are between 33% and 37% for the binary causal gene dataset and between 66% and 69% for the binary full gene dataset. It is observed that, the addition of extra gene information nearly doubles the classification accuracy. The mutation data of the additional genes increases the accuracy. The dramatic increase can be observed in f-score results too. This result can be interpreted as being an indication of the existence of new (currently unknown) causal genes. As the accuracy of the classification models are enhanced with additional genes, the rest of the experiments are applied on the full gene datasets.

Table 5 Machine learning experiment test results on the gene sets with the binary representation model

Comparison of the data representation models with machine learning experiments

Machine learning algorithms are applied in order to explore the effects of the proposed data representations. Table 6 lists the results of the machine learning experiments. The table is designed to compare the data representation models for each algorithm. The row with the best result is shown in italic for each algorithm and the overall best performance is made bold.

Table 6 Machine learning experiment test results on the data representation models of the full gene BOUN10CANCER dataset

The accuracy scores of NB, KNN and SVM with polynomial kernel are below 57% and the f-score results are below 59%. The remaining 5 algorithms obtain accuracy and f-score levels above 60% (except SVM-rbf with tf-idf). We will focus on these better performing algorithms. The BM25-tf-rf representation scheme leads to the best accuracy and f-score results for all of the 5 algorithms. In addition, the BM25-tf-rf data representation results in nearly 2 to 4 percent accuracy and f-score improvement and 0.01 to 0.05 roc-auc improvement compared to the second best representation for all of the 5 successful algorithms. When we consider the FPR results, BM25-tf-rf leads to lowest values in all of the 5 successful algorithms.

For the Feed-Forward NN f-score results with binary and BM25-tf-rf representations, the paired t-test produces a p-value < 2.5e−10, and with the tf-rf and BM25-tf-rf representations, the paired t-test produces a p-value < 1.1e−05. These results show that the additional statistical information hidden in the BM25-tf-rf representation provides significant gain compared to the other representation models. When we compare the Feed-Forward NN f-score values for the C-score and BM25-tf-rf models, the paired t-test produces a p-value < 3.2e−06. This significant difference states that, although the BM25-tf-rf scheme doesn’t utilize the various properties of mutations that are expressed in C-score, it is more successful for the differentiation of cancer types with its class-based statistical approach for the mutations. We can conclude that the BM25-tf-rf scheme is a suitable representation tool for the mutation information in VCF files for the cancer type classification task.

The most accurate algorithm (76.44% accuracy and 76.95% f-score) is the Feed-Forward NN with the BM25-tf-rf representation scheme, despite the extra network cost. The precision and recall results for the NN on BM25-tf-rf representation are similar with the accuracy value. The roc-auc result is also the highest compared to the other results in Table 6.

For the LR and NN f-score results with the BM25-tf-rf representation scheme, the paired t-test produces a p-value < 2.35e−05. For the Perceptron and NN f-score results with BM25-tf-rf, the paired t-test produces a p-value < 1.7e−06. Thus, the multilayer feed forward neural network model is found to be significantly more accurate than the single layer perceptron and LR with BM25-tf-rf.

Class-based comparison of experiment results

BM25-tf-rf based representation leads to improved performance results compared to the other representations with almost all machine learning algorithms in our experiments. In addition, the multilayer feed forward neural network model achieves better cancer type classification performance compared to the other machine learning algorithms in our experiments for all data representations except tf-idf. Therefore, we used the results for the NN algorithm with the BM25-tf-rf representation model for further discussions on class-level performance.

Table 7 lists the class-based performance metrics. The cancer types are presented in the order of descending sample count. From this list, it is observed that the classification performance differs for each class. The results show that the success level does not entirely depend on the number of samples in the dataset, as there are fewer samples for Skin cancer than Thyroid cancer, but the f-score for Skin cancer is higher. The proposed model doesn’t perform well for cancer types such as Prostate and Thyroid. Other cancer types such as Lung, Breast, Colorectal, and Skin are classified with better f-scores. This suggests that there may be more distinctive and class specific mutations in these cancer types, which the BM25-tf-tr scheme can model successfully.

Table 7 Class based experiment test results with NN on full gene BM25-tf-rf dataset

Location-based comparison of gene mutations

In the previous sections all exonic and intronic mutations in the dataset have been utilized to compare the data representation and classification models. The results have shown that the BM25-tf-rf is the best performing representation model and the multilayer feed forward neural network is the best performing classification model in our experiments. By using these best models, a new experiment setup is created to explore the effect of the location of the mutations in the classification result. The exonic and intronic mutations are used separately. The experiment results are presented in Table 8. When only the exonic mutations are used, the classification performance decreases dramatically to 54.56% accuracy and 55.52% f-score. This decrease can be dependent on the fact that only 15% of all mutations are exonic. When only intronic mutations are used, the classification performance decreases to 74.39% accuracy and 75.54% f-score. This relatively lower decrease in the performance can be explained by the vast majority of mutations being intronic. The paired t-test produces a p-value < 4.8e−02 for the f-score results of the Feed-Forward NN with BM25-tf-rf representation with only intronic and all mutations. The utilization of all exonic and intronic mutations for input representation leads to statistically significant improvement in f-score performance. Similar to recent studies stating that malignancy-driving mutations can also occur outside the coding region [37, 38], our location based comparison results support the need for further research in non-coding variants.

Table 8 Machine learning experiment test results on the separated exonic and intronic mutations

Discussion

The main goal of genomic studies for diseases is to propose target or causal genes. BM25-tf-rf is found to be superior compared to binary, tf-idf and C-score for the representation of DNA mutations for the task of cancer classification. We further analyze our best model (BM25-tf-rf and Feed Forward NN) for the most effective genes in decision making.

In Figs. 3 and 4, the heat maps show the most effective genes in the NN model with BM25-tf-rf representation for the classification of the breast and lung cancer types, respectively. The heat maps are constructed by giving one hot vectors, where only one gene feature is set to 1 and the others are set to 0, as input to the 10-fold trained NN classifiers. The output values from the 10 output nodes corresponding to the probabilities for the 10 cancer types, are saved as a heat map for that fold. The final heat map is the average of the folds. Each output of the NN reflects the effect of the labelled gene (set to 1 in the input) to the prediction of the cancer types. If the probability value for a cancer type is high, this means that the labelled gene is more effective in the prediction of that cancer type, since in the NN calculations, the other features are cancelled as their input values are 0. If the probability value for a cancer type is low, this means that the labelled gene doesn’t play an important role in the prediction of that cancer type. The genes that result in high output probability values for a cancer type are taken as more effective and active genes for the prediction of that cancer type.

Fig. 3
figure 3

The heat map of the most effective genes in NN with BM25-tf-rf model for breast cancer. A light colored region for a gene and a cancer type can be interpreted as the gene is more effective in the decision of the cancer type. A dark colored region corresponds to less effective state

Fig. 4
figure 4

The heat map of the most effective genes in NN with BM25-tf-rf model for lung cancer. A light colored region for a gene and a cancer type can be interpreted as the gene is more effective in the decision of the cancer type. A dark colored region corresponds to less effective state

For the specific heat maps in Figs. 3 and 4, the final heat map is sorted according to the selected class column and 20 genes, which have the highest impact on the prediction of the selected cancer type, are plotted. The values in the heat-maps represent how effective a gene is for the prediction of the corresponding cancer type. The lighter colors represent higher values which refer to more effective state.

In Fig. 3, PRSS3, AQP3, HAPLN3, RASSF8, BRF1 and GSE1 are shown to be effective on classification of breast cancer and there is supporting evidence in the literature for their relatedness to the disease. PRSS3 was found to promote the growth of breast cancer cells [39]. AQP3 is studied in [40]. In [41], HAPLN3 was shown to be among the overexpressed genes for breast cancer. In [42], HAPLN3 was suggested to be involved in the development of breast cancer and to be a biomarker for the treatment of breast cancer. In [43], RASSF8 was proposed to be used in discrimination of benign and malignant breast tumors. In [44], they investigated whether BRF1 expression is increased in the samples of human breast cancer and their results indicated that it is overexpressed in most cases. In [45], it is reported that GSE1 is overexpressed in breast cancer and silencing of GSE1 significantly suppressed breast cancer cells.

The effect of BM25-tf-rf weighting is illustrated through an example for the HAPLN3 and BRF1 genes of two sample patients. Sample-79 is a breast cancer patient and Sample-164 is a brain cancer patient. HAPLN3 and BRF1 have been found relevant to breast cancer in the literature and they are both found to be among the most effective genes for our classification system. But there is no scientific evidence about the relationship of these genes and brain cancer. The BM25-tf-rf value for HAPLN3 in Sample-79 is 1.016021 whereas it is 0.794813 in Sample-164. There is a nearly 28 percent increase in the weight of this gene for the breast cancer sample. For BRF1, the BM25-tf-rf value in Sample-79 is 1.323967 whereas it is 1.085498 in Sample-164. There is a nearly 22 percent increase in the weight of this gene for the breast cancer sample. When we consider the Feed Forward NN classification model, the weights for these gene features is the same for both samples. Therefore, the distinction of predicted cancer type results arise from the difference in BM25-tf-rf weights. This difference effects the decision and helps to distinguish between cancer types.

In Fig. 4, POLD1, COTL1, AXIN2, WIF1 and SLC2A1 (previous symbol GLUT1) are shown to be effective on classification of lung cancer. There are studies in the literature supporting the relatedness of these genes to lung cancer. POLD1 is studied in [46]. In [47] and [48], COTL-1 was proposed to be a biomarker or a therapeutic target for small cell lung cancer (SCLC) patients. In [49], AXIN2 was found to play a major role in modulating lung cancer risk. It was shown that WIF1 had the potential as a methylation biomarker in the diagnosis of non small cell lung cancer (NSCLC) [50]. In [51], it is reported that lung squamous cell carcinoma, a major subtype of NSCLC, exhibits remarkably elevated glucose transporter GLUT1 expression.

Since there is literature evidence for the disease-relatedness of a subset of the most effective genes in classification using NN model with BM25-tf-rf, the other most effective genes that are not studied yet might also have causal roles in cancer development. According to these evidences, NN trained with the BM25-tf-rf representation of the mutations in the VCF files, can also be used for the purpose of finding new candidate genes for cancer types.

Conclusion

Complex genomic diseases are caused by changes in DNA that alter cell behavior. The impact level of each mutation may be different for various diseases. In order to model this diversity, being inspired from the document representation techniques in the information retrieval domain, we proposed different mutation based statistical genomic data representation schemes.

We utilized VCF files, which contain mutation information in the DNA, for the classification of cancer types as a case study. Cancer, in general, results from a combination of several genomic alterations, which can be addressed in variant calls data. We evaluated the performance of the proposed data representation schemes with a wide range of machine learning algorithms. Our experiment results showed that BM25-tf-rf based representation is more successful at modeling VCF data compared to the binary, tf-idf and C-score based representation schemes. Each cancer type may develop as a result of different gene mutations. The supervised weighting approach of tf-rf successfully reflects this class-mutation relationship. The normalization effect of BM25-tf further improves the classification performance of tf-rf. We investigated the most effective mutated genes in our proposed system for breast and lung cancers. A subset of the resulting genes have also been suggested as causal or target genes in previously published studies, which demonstrates that the proposed approach can also be used to recommend candidate genes.

The introduced data representation models are evaluated for the task of cancer type classification, which is an important problem in bioinformatics, since the appropriate treatment is determined according to the primary site. However, they can also be utilized for other genetic diseases, which we plan to investigate in our future studies.

Abbreviations

BM25-tf:

BM25 definition of term frequency

CADD:

Combined annotation dependent depletion

idf:

inverse document frequency

KNN:

K-nearest neighbor

LR:

Logistic regression

NB:

Naive bayes

NN:

feed-forward multilayer neural network

Perceptron:

one-layer-perceptron

tf:

term frequency

tf-idf:

term frequency-inverse document frequency

tf-rf:

term frequency-relevance frequency

rf:

relevance frequency

SVM:

Support vector machine

TCGA:

The cancer genome atlas

VCF:

Variant call format

References

  1. National Center for Health Statistics. Health, united states, 2017: with special feature on mortality. 2017. https://www.cdc.gov/nchs/data/hus/hus17.pdf. Accessed May 2018.

  2. The National Cancer Institute. (NCI). https://www.cancer.gov/. Accessed May 2018.

  3. Zacharaki EI, Wang S, Chawla S, Yoo DS, Wolf R, Melhem ER, Davatzikos C. Classification of brain tumor type and grade using mri texture and shape in a machine learning scheme. Magn Reson Med. 2009; 62:1609–18.

    Article  Google Scholar 

  4. Joshi DM, Rana DNK, Misra VM. Classification of brain cancer using artificial neural network. IEEE Int Conf Electron Comput Technol. 2010:112–6.

  5. Zulpe N, Pawar V. Glcm textural features for brain tumor classification. Int J Comput Sci. 2012; 9:354.

    Google Scholar 

  6. Patil DSA, Kuchanur MB. Lung cancer classification using image processing. Int J Eng Innov Technol. 2012; 2:37–42.

    Google Scholar 

  7. Kuruvilla J, Gunavathi K. Lung cancer classification using neural networks for ct images. Elsevier Comput Methods Prog Biomed. 2014; 113:202–9.

    Article  Google Scholar 

  8. Xu Y, Zhu J-Y, Chang E, Tu Z. Multiple clustered instance learning for histopathology cancer image classification, segmentation and clustering. IEEE Conf Comput Vis Pattern Recognit. 2012:964–971.

  9. Wang H, Xing F, Su H, Stromberg A, Yang L. Novel image markers for non-small cell lung cancer classification and survival prediction. BMC Bioinformatics. 2014; 15:310.

    Article  Google Scholar 

  10. Nguyen DV, Rocke DM. Multi-class cancer classification via partial least squares with gene expression profiles. Bioinformatics. 2002; 18:1216–26.

    Article  CAS  Google Scholar 

  11. Tan AC, Gilbert D. Ensemble machine learning on gene expression data for cancer classification. Appl Bioinforma. 2003; 2 3 Suppl:75–83.

    Google Scholar 

  12. Statnikov A, Wang L, Aliferis CF. A comprehensive comparison of random forests and support vector machines for microarray-based cancer classification. BMC Bioinformatics. 2008; 9:319.

    Article  Google Scholar 

  13. Liu J, Wang X, Cheng Y, Zhang L. Tumor gene expression data classification via sample expansion-based deep learning. Oncotarget. 2017; 8:109646–60.

    PubMed  PubMed Central  Google Scholar 

  14. Xiaoa Y, Wub J, Linc Z, Zhao X. A deep learning-based multi-model ensemble method for cancer prediction. Elsevier Comput Methods Prog Biomed. 2018; 153:1–9.

    Article  Google Scholar 

  15. Draghici S, Khatri P, Eklund AC, Szallasi Z. Reliability and reproducibility issues in dna microarray measurements. Trends Genet: TIG. 2006; 22 2:101–9.

    Article  Google Scholar 

  16. Wang Z. Multi-class hingeboost method and application to the classification of cancer types using gene expression data. Methods Inf Med. 2012; 51:162–7.

    Article  CAS  Google Scholar 

  17. Gao L, Ye M, Lu X, Huang D. Hybrid method based on information gain and support vector machine for gene selection in cancer classification. Elsevier Genomics Proteomics Bioinforma. 2017; 15:389–95.

    Article  Google Scholar 

  18. The Genome Reference Consortium. (GRC). https://www.ncbi.nlm.nih.gov/grc. Accessed May 2018.

  19. VCF Specification. 2017. https://samtools.github.io/hts-specs/VCFv4.2.pdf. Access date: May 2018.

  20. Amar D, Izraeli S, Shamir R. Utilizing somatic mutation data from numerous studies for cancer research: proof of concept and applications. Oncogene. 2017; 36:3375–83.

    Article  CAS  Google Scholar 

  21. He Z, Zhang J, Yuan X, Liu Z, Liu B, Tuo S, Liu Y. Network based stratification of major cancers by integrating somatic mutation and gene expression data. PloS ONE. 2017; 12(5):e0177662.

    Article  Google Scholar 

  22. Kircher M, Witten DM, P. Jain BJO, Cooper GM, Shendure J. A general framework for estimating the relative pathogenicity of human genetic variants. Nat Genet. 2015; 46:310–5.

    Article  Google Scholar 

  23. Rentzsch P, Witten D, Cooper GM, Shendure J, Kircher M. Cadd: predicting the deleteriousness of variants throughout the human genome. Nucleic Acids Res. 2018; 47:886–894.

    Article  Google Scholar 

  24. Vural S, Wang X, Guda C. Classification of breast cancer patients using somatic mutation profiles and machine learning approaches. BMC Syst Biol. 2016;10 Suppl 3:62.

  25. American Cancer Society. (ACS). https://www.cancer.org/. Accessed May 2018.

  26. The Cancer Genome Atlas. (TCGA). https://cancergenome.nih.gov/. Accessed May 2018.

  27. Wang K, Li M, Hakonarson H. Annovar: functional annotation of genetic variants from high-throughput sequencing data. Nucleic Acids Res. 2010; 38:e164.

    Article  Google Scholar 

  28. The Online Mendelian Inheritance in Man. (OMIM). https://www.omim.org/. Accessed May 2018.

  29. The Multi Symbol Checker. (MSC). https://www.genenames.org/cgi-bin/symbol_checker. Accessed May 2018.

  30. The HUGO Gene Nomenclature Committee. (HGNC). https://www.genenames.org/. Accessed May 2018.

  31. Jones KS. A statistical interpretation of term specificity and its application in retrieval. J Doc. 1972; 28:11–21.

    Article  Google Scholar 

  32. Lan M, Tan CL, Su J, Lu Y. Supervised and traditional term weighting methods for automatic text categorization. IEEE Trans Pattern Anal Mach Intell. 2009; 31:721–35.

    Article  Google Scholar 

  33. Jones KS, Walker S, Robertson SE. A probabilistic model of information retrieval: development and comparative experiments - part 1. Inf Process Manage. 2000; 36:779–808.

    Article  Google Scholar 

  34. Pedregosa F, Varoquaux G, Gramfort A, Michel V, Thirion B, Grisel O, Blondel M, Prettenhofer P, Weiss R, Dubourg V, Vanderplas J, Passos A, Cournapeau D, Brucher M, Perrot M, Duchesnay E. Scikit-learn: Machine learning in Python. J Mach Learn Res. 2011; 12:2825–30.

    Google Scholar 

  35. Chollet F, et al.Keras. GitHub. 2015. https://github.com/fchollet/keras.

  36. Abadi M, Agarwal A, Barham P, Brevdo E, Chen Z, Citro C, Corrado GS, Davis A, Dean J, Devin M, Ghemawat S, Goodfellow I, Harp A, Irving G, Isard M, Jia Y, Jozefowicz R, Kaiser L, Kudlur M, Levenberg J, Mané D, Monga R, Moore S, Murray D, Olah C, Schuster M, Shlens J, Steiner B, Sutskever I, Talwar K, Tucker P, Vanhoucke V, Vasudevan V, Viégas F, Vinyals O, Warden P, Wattenberg M, Wicke M, Yu Y, Zheng X. TensorFlow: Large-Scale Machine Learning on Heterogeneous Systems. Software available from tensorflow.org. 2015. https://www.tensorflow.org/. Accessed May 2018.

  37. Burke LJ, Sevcik J, Gambino G, Tudini E, Mucaki EJ, Shirley BC, Whiley PJ, Parsons MT, Leeneer KD, Gutiérrez-Enríquez S, Santamariña M, Caputo SM, Santos ESD, Soukupová J, Janatova M, Zemánková P, Lhotova K, Stolarova L, Borecka M, Moles-Fernández A, Manoukian S, Bonanni B, Edwards SL, Blok MJ, van Overeem Hansen T, Rossing M, Diez O, Vega AI, Claes KBM, Goldgar DE, Rouleau E, Radice P, Peterlongo P, Rogan PK, Caligo MA, Spurdle AB, Brown MA. Brca1 and brca2 5 noncoding region variants identified in breast cancer patients alter promoter activity and protein binding. In: Human Mutation. Corporate Headquarters 111 River Street NJ 07030-5774 Hoboken: Wiley Periodicals, Inc: 2018.

    Google Scholar 

  38. Santos ESD, Lallemand F, Burke L, Stoppa-Lyonnet D, Brown M, Caputo SM, Rouleau E. Non-coding variants in brca1 and brca2 genes: Potential impact on breast and ovarian cancer predisposition. In: Cancers. 4052 Basel Postfach, CH-4020 Basel: MDPI: 2018.

    Google Scholar 

  39. Hockla A, Radisky DC, Radisky ES. Mesotrypsin promotes malignant growth of breast cancer cells through shedding of cd109. Breast Cancer Res Treat. 2009; 124:27–38.

    Article  Google Scholar 

  40. Satooka H, Hara-chikuma M. Aquaporin-3 controls breast cancer cell migration by regulating hydrogen peroxide transport and its downstream cell signaling. Mol Cell Biol. 2016; 36 7:1206–18.

    Article  Google Scholar 

  41. Santuario-Facio SK, Cardona-Huerta S, Perez-Paramo YX, Trevino V, Hernandez-Cabrera F, Rojas-Martinez A, Uscanga-Perales G, Martínez-Rodríguez JL, Martínez-Jacobo LA, Padilla-Rivas GR, Muñoz-Maldonado GE, González-Guerrero JF, Valero-Gomez J, Vazquez-Guerrero AL, Martínez-Rodríguez HG, Barboza-Quintana Á, Barboza-Quintana O, Garza-Guajardo R, Ortiz-Lopez R. A new gene expression signature for triple negative breast cancer using frozen fresh tissue before neoadjuvant chemotherapy. Mol Med. 2017; 23:101–111.

    Article  CAS  Google Scholar 

  42. Kuo S-J, Chien S-Y, Lin C, Chan S-E, Tsai H-T, Chen D-R. Significant elevation of cldn16 and hapln3 gene expression in human breast cancer. Oncol Rep. 2010; 24 3:759–66.

    Google Scholar 

  43. Rykova E, Skvortsova T, Hoffmann AL, Tamkovich S, Starikov AV, Bryzgunova O, I. Permjakova V, Warnecke J, Sczakiel G, Vlassov V, Laktionov P. Breast cancer diagnostics based on extracellular dna and rna circulating in blood. Biomeditsinskaya Khimiya. 2008; 2:208–13.

    Google Scholar 

  44. Fang Z, Yi Y, Shi G, Li S, Chen S, Lin Y, Li Z, He Z, Li W, Zhong S. Role of brf1 interaction with er, and significance of its overexpression, in human breast cancer. Mol Oncol. 2017; 11:1752–1767.

    Article  CAS  Google Scholar 

  45. Chai P, Tian J, Zhao D, Zhang H, Cui J, Ding K, Liu B. Gse1 negative regulation by mir-489-5p promotes breast cancer cell proliferation and invasion. Biochem Biophys Res Commun. 2016; 471 1:123–8.

    Article  Google Scholar 

  46. Nyqvist J, Persson F, Parris TZ, Helou K, Sarenmalm EK, Einbeigi Z, Borg A, Karlsson P, Kovacs AZ. Metachronous and synchronous occurrence of 5 primary malignancies in a female patient between 1997 and 2013: A case report with germline and somatic genetic analysis. In: Case Reports in Oncology. Allschwilerstrasse 10, CH-4055 Basel: Karger: 2017.

    Google Scholar 

  47. Jeong H-C, Kim G-I, Cho S-H, Lee K-H, Ko J-J, Yang J-H, Chung KH. Proteomic analysis of human small cell lung cancer tissues: up-regulation of coactosin-like protein-1. J Proteome Res. 2011; 10 1:269–76.

    Article  Google Scholar 

  48. Guo S, Yang P, Jiang X, Li X, Wang Y, Zhang X, Sun B, Zhang Y, Jia Y. Genetic and epigenetic silencing of mircorna-506-3p enhances cotl1 oncogene expression to foster non-small lung cancer progression. Oncotarget. 2017; 8(1):644–87.

    Article  Google Scholar 

  49. Bahl CRH, Sharma S, Singh N, Behera DK. Association study between genetic variations in axin2 gene and lung cancer risk in north indian population: A multiple interaction analysis. Tumour Biol J Int Soc Oncodevelopmental Biol Med. 2017; 39 4:1–18.

    Google Scholar 

  50. Liu S, Chen X, Chen R, Wang J, Zhu G, Jiang J, Wang H, Duan S, Huang J. Diagnostic role of wnt pathway gene promoter methylation in non small cell lung cancer. Oncotarget. 2017; 8(22):36354–67.

    PubMed  PubMed Central  Google Scholar 

  51. Goodwin J, Neugent ML, Kim J-w. Lung squamous cell carcinoma exhibits a targetable glucose dependency unique among non-small cell lung cancers. Mol Cell Oncol. 2017;4.

    Article  Google Scholar 

Download references

Acknowledgements

This work is supported by Boğaziçi University Research Fund Grant Number 13242. We would like to thank Olcay Taner Yıldız, Tunga Güngör and Ethem Alpaydın for their precious time and comments on our study. We would also like to thank Hamdi Erkut, an MS student in our department, for downloading the selected files from TCGA system [26] and Rıza Özçelik, an MS student in our department, for annotating the downloaded files with ANNOVAR [27].

Funding

The publication cost of this article was funded by Boğaziçi University Research Fund Grant Number 13242. The funding body did not play any roles in the design of the study and collection, analysis, and interpretation of data and in writing the manuscript.

Availability of data and materials

The dataset is available at https://github.com/nozlemozcan/VCFCancerClassification.

Author information

Authors and Affiliations

Authors

Contributions

NOOS: Design and implementation of the algorithms, evaluation of the results and drafting the manuscript. AO: Design of the algorithms, evaluation of the results and drafting the manuscript. FG: Evaluation of the results. All authors read and approved the final manuscript.

Corresponding authors

Correspondence to Arzucan ÖZGÜR or Fikret GÜRGEN.

Ethics declarations

Consent for publication

Not applicable.

Ethics approval and consent to participate

Not applicable.

Competing interests

The authors declare that they have no competing interests.

Publisher’s Note

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

Rights and permissions

Open Access This article is 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

ÖZCAN ŞİMŞEK, N.Ö., ÖZGÜR, A. & GÜRGEN, F. Statistical representation models for mutation information within genomic data. BMC Bioinformatics 20, 324 (2019). https://doi.org/10.1186/s12859-019-2868-4

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12859-019-2868-4

Keywords