Once the features are extracted, the colon cancer classification is performed using machine learning and metaheuristic classifiers. In our research, we utilize a diverse set of seven classifiers to cast a wide net for the most suitable approach. The machine learning classifiers utilised are GMM, DFA, NBC, and SVM (RBF). These are probabilistic modelling used to identify clusters of similar gene expressions and patterns within the data. Further to uncover the potentially hidden dynamics inside the data, we employ the metaheuristic integrated machine learning classification namely PSO-GMM, Firefly-GMM, and FPO-GMM. By utilizing a diverse range of algorithms, we aim to capture the multifaceted nature of the data and identify the most accurate and robust approach for colon cancer classification.
3.1 Gaussian Mixture Model (GMM)
The Gaussian Mixture Model is a popular unsupervised learning technique that groups together similar data points to perform tasks like image classification and pattern recognition. A set of Gaussian distributions are joined linearly in the PDF (Probability Density Function) of GMM, which makes the classification of the data easier. So the mixture classifier creates a probability distribution from microarray gene expression levels for both the classes with the help of a combination of Gaussian distributions. After probability distribution, the class prediction is based on the highest probability value (Bayes' theorem). For every class ‘c’, and feature ‘f’, GMM assumes that the data is drawn from a mixture of ‘G’ Gaussian coefficients. This can be expressed in the following way:
$$P\left(f\right|y=c)= \sum _{g-1}^{G}{Ϻ}_{cg}N (f |{ {\rm Y}}_{cg} , { Ͼ}_{cg})$$
8
Here\({Ϻ}_{cg}\), \({ {\rm Y}}_{cg}, { Ͼ}_{cg}\)indicates coefficient of mixture, mean vector, and covariance matrix respectively, under mixture component ‘g’ in class ‘c’. The \({Ϻ}_{cg}\) signify the ratio of each constituent in the class. From training data, \({Ϻ}_{cg}\), \({ {\rm Y}}_{cg}, { Ͼ}_{cg}\) parameters are gained for each constituent in the class with ‘N’ as the total number of samples, total classes ‘C’, and i = 0,1,2,..N.
$${{\rm Y}}_{c} = \frac{1}{{N}_{c}}\sum _{i=1}^{N}{{(y}_{i}=c)}_{1} . {f}_{i}$$
9
$$Ͼ=\frac{1}{N-G}\sum _{c=1}^{C}\sum _{i=1}^{N}{{(y}_{i}=c)}_{1} ({f}_{i} - {{\rm Y}}_{c}){({f}_{i} - {{\rm Y}}_{c})}^{T}$$
10
Also, \(P (y=c)\) indicating prior probability is also obtained for every class ‘c’. \(P (y=c)\) is given as:
$$p \left(y=c\right)= \frac{Number of samples with class c}{Total EquationNumber of samples}$$
11
A new feature, \({f}_{new}\) classification is performed by likelihood estimation under mixture model using Bayes' theorem in the following way.
$$p\left(y=c|{f}_{new}\right)\propto p \left(y=c\right)\bullet p\left({f}_{new}|y=c\right)$$
12
$$p\left({f}_{new}|y=c\right) = \frac{1}{{\left(2\pi \right)}^{D/2}{\left|Ͼ\right|}^{1/2}}\text{e}\text{x}\text{p}\left(-\frac{1}{2}{\left({f}_{new}- {{\rm Y}}_{k}\right)}^{T}{Ͼ}^{-1}({f}_{new}- {{\rm Y}}_{k})\right)$$
13
Here ‘D’ represents the dimensionality of the data, that is nothing but the number of features.
3.2 Particle swarm optimization-GMM (PSO-GMM)
PSO utilizes the collective intelligence of a "swarm" to optimize the classification performance. Consider a flock of birds searching for food, constantly refining their flight paths based on individual discoveries and interactions. PSO can effectively perform classification by searching for the most clustered and hidden subset of genes from the large pool of gene expression data. Moreover, PSO can handle the complex and non-linear relationships among feature extracted gene expressions. A combination of PSO with GMM (PSO-GMM) can intricate relationships that might be missed by static GMM. The technique potentially provides a more accurate cluster identification and classification. Here's the crux of PSO-GMM classification, Nair et al. [43].
$${v}_{i}(t+1) = w{v}_{i}\left(t\right) + {c}_{1}{r}_{1}({pbest}_{i} - {x}_{i}(t\left)\right) + {c}_{2}{r}_{2}(gbest - {x}_{i}(t\left)\right)$$
14
where \({v}_{i}\left(t\right)\) is the velocity of particle i at iteration t, w is the inertia weight, c1 and c2 are constriction coefficients, r1 and r2 are random numbers between 0 and 1, \({pbest}_{i}\) is the best position found by particle i so far, \(gbest\) is the best position found by any particle in the swarm, \({x}_{i}\left(t\right)\) is the current position of particle i.
After application of PSO, the search space will be optimized and data distribution will be changed. Now, PSO-GMM follows the expressions from Eq. (8–13) to perform the final classification. PSO-GMM is a methodology that can unlock hidden patterns in gene expression data and improves the classification accuracy by avoiding overfitting issues.
3.3 Firefly GMM
The Firefly Algorithm (FA) is a nature-inspired metaheuristic that mimics the flashing behavior of fireflies to solve optimization problems. Consider a firefly flitting through the night, their brightness representing their "fitness" in finding mates or food. So, brighter fireflies attract others and guides them towards better locations. Using this behaviour, FA can segregate the most of the relevant features and escape from the local optima of the microarray data. This exploration and search mechanism of the solution space results in reliable and robust classification outcomes. Here's the simplified representation of the attraction between fireflies:
$${I}_{i} ={{I}_{i}}^{0}{e}^{(-\gamma {r}_{ij}²)}$$
15
Where \({I}_{i}\) is the attractiveness, \({{I}_{i}}^{0}\) is the initial attractiveness, γ is a light absorption coefficient, \({r}_{ij}\) is the distance between fireflies i and firefly j. Fireflies move towards brighter neighbours, gradually refining their positions towards better solutions. The movement of a firefly i towards a brighter firefly j is determined by the attractiveness and randomness is given by
$${{x}_{i}}^{t+1}= {{x}_{i}}^{t}+ \beta \left({{I}_{j}}^{t}- {{I}_{i}}^{t}\right)+ \alpha (rand\left( \right)-0.5)$$
16
Here, \({{x}_{i}}^{t+1}\) is the new position of firefly i at time step t + 1, \({{x}_{i}}^{t}\) is the current position of firefly i at time step t, β is the attraction coefficient, α is the randomization parameter, and \(rand\left( \right)\) ∈ [0, 1], is a generated random number.
The collaboration of Firefly with GMM can potentially uncover intricate relationships in gene expression data that might be missed by standard GMM. Firefly combined with GMM can also overcome the limitations of dimensionality problem. The Firefly GMM thus gives a clustered and segregated data distribution to GMM for classification by varying the mean, variance and other statistical parameters of the extracted features.
3.4 Detrended Fluctuation Analysis (DFA)
Detrended Fluctuation Analysis (DFA) analyses is efficient in solving complex and non-stationary data. DFA captures both short and long-range correlations based on how the data fluctuates around the data distribution with the help of a scaling exponent to classify the data. The scaling nature of DFA algorithm is described by root mean square fluctuation of the integrated time-series and detrended input data. For DFA, the inputs are analysed in the following way.
$$y\left(k\right)={\sum }_{i=1}^{k}[B\left(i\right)-\stackrel{-}{B}]$$
17
Where \(B\left(i\right)\) and \(\stackrel{-}{B}\) are the ith sample of the input data and mean value of the input data respectively. Thus \(y\left(k\right)\) denotes the estimated value of the integrated time-series. Now, the fluctuation of integrated time-series and detrended data for a window with scale of ‘n’ is determined by
$$F\left(n\right)=\sqrt{\frac{1}{N}{\sum }_{k=1}^{N}[y\left(k\right)-{y}_{n}(k){]}^{2}}$$
18
Here, \({y}_{n}\left(k\right)\) is the kth point on the trend computed by means of the predetermined window scale, ‘N’ is the normalization factor.
Therefore using Detrended Fluctuation Analysis (DFA) as a classifier for microarray gene expression data can effectively capture the long-range correlations present in microarray gene expression data. Unlike traditional methods that focus on short-range correlations, DFA evaluates the scaling behaviour of fluctuations across different time scales. This capability is particularly valuable in gene expression data analysis, where genes may exhibit complex patterns of co-regulation and interactions across various biological processes and time scales.
3.5 Naive Bayes classifier (NBC)
NBC is a probabilistic classification algorithm based on the Bayes theorem and feature independence assumption. This straightforward assumption allows Naive Bayes classifiers to efficiently handle large feature spaces, making them computationally efficient and scalable for microarray data analysis. NBC starts by calculates the posterior probability of a class using the prior probability and likelihood. For a given class C and extracted features x1, x2… xn, posterior probability \(p\left(C|{x}_{1},{x}_{2},\dots ., {x}_{n}\right)\) is expressed in Fan et al. [44] as:
$$p\left(C|{x}_{1},{x}_{2},\dots ., {x}_{n}\right)= \frac{p\left(C\right).p({x}_{1},{x}_{2},\dots ., {x}_{n}|C)}{p({x}_{1},{x}_{2},\dots ., {x}_{n})}$$
19
For the class C, \(p\left(C\right)\)represents the prior probability, \(p({x}_{1},{x}_{2},\dots ., {x}_{n}|C)\) is the likelihood, and \(p({x}_{1},{x}_{2},\dots ., {x}_{n})\) is the evidence probability. As mentioned, in the Naive Bayes approach, the features are conditionally independent for the class. This assumption that simplifies the calculation of the likelihood as follows:
\(p({x}_{1},{x}_{2},\dots ., {x}_{n}|C)\) = \(p\left({x}_{1}\right|C)\). \(p\left({x}_{2}\right|C)\) …. \(p\left({x}_{n}\right|C)\)(20)
Where \(p\left({x}_{i}\right|C)\) is the probability of feature \({x}_{i}\) of the class C. The \(\left({x}_{i}\right|C)\) is estimated from the fraction of class C training examples with the feature value \({x}_{i}\). Then the prior probability (𝐶) can be estimated as the fraction of training examples belonging to class C. Finally, to predict the class label for the features\({x}_{i}\), the algorithm calculates the posterior probability for each class and assigns the instance to the class with the highest probability. Thus using a Naive Bayes classifier for microarray gene expression data can efficiently handle large amount of data because they assume independence between features given the class label, which greatly reduces computational complexity.
3.6 Support Vector Machine (Radial Basis Function)
Support Vector Machine with a Radial Basis Function (SVM RBF) can handle complex, non-linear relationships between gene expression levels. SVM can effectively handle non-linear separability by mapping the input data into a high-dimensional feature space, where non-linear relationships become linearly separable. This is possible by construct decision boundaries between normal and cancerous samples by handling non-linear relationships effectively. RBF is the kernel used in SVM to perform the nonlinear mapping of the input features into a higher-dimensional. The RBF kernel \({K}_{RBF}\left(x,z\right)\) that is used to compute the similarity between feature vectors in the input space is given by:
$${K}_{RBF}\left(x,z\right)=\text{exp}\left(-\frac{{‖x-z‖}^{2}}{2{\sigma }^{2}}\right)$$
21
Where σ is the kernel width parameter that regulates the influence of each training sample, and |x − z| is the Euclidean distance between feature extracted vectors ‘x’ and ‘z’. The SVM RBF classification decision function is also described as a linear combination of the kernel evaluations between the input feature vector and the support vectors with the bias term, as performed in Zhang et al. [45].The decision function \({f}_{RBF}\left(x\right)\) is given by:
$${f}_{RBF}\left(x\right)=\sum _{i=1}^{N}\left({\alpha }_{i}{y}_{i}\right){K}_{RBF}\left({x}_{i, }x\right)+b$$
22
Here \({y}_{i},\) and \({\alpha }_{i}\) are Lagrange multipliers and class labels respectively associated with each support vector. The \({K}_{RBF}\left(x,z\right)\) computes the computes the similarity or distance between two feature extracted vectors \({x}_{i}\) and \(x\). \(b\) is the bias term that shifts the decision boundary away from the origin allowing the SVM to classify data points that may not be separable by a hyperplane in the original feature space.
3.7 Flower Pollination Optimization (FPO) with GMM
FPO is a metaheuristic optimization algorithm inspired by the pollination behavior of flowering plants. In nature, pollination happens through two major forms: abiotic and biotic. The biotic cross-pollination is observed in 90% of the cases where the insects are supporting the pollination process. The insects thus take long distance steps, in which the motion can be drawn from a levy distribution. The FPO starts with the discovery of solution space and subsequent movements.The insect motion and the levy distribution is expressed in the following steps as provided in Yang et al. [46].
$${{x}_{i}}^{t+1}= {{x}_{i}}^{t}+ \delta L \left(\lambda \right) ({g}_{best}- {{x}_{i}}^{t})$$
23
Where \({{x}_{i}}^{t}\) is a pollen representing the solution vector \({x}_{i}\) at the \(t\) th iteration, and \({g}_{best}\) is the global best solution discovered so far. The step size is denoted by factor \(\delta\), and \(L \left(\lambda \right)\) is the Levy flight step size denoting the success of pollination.
The Levy distribution is given by:
$$L \sim \frac{\lambda Г\left(\lambda \right)\text{sin}\left(\pi \lambda /2\right)}{\pi } \frac{1}{{S}^{1+\lambda }}, ({s}_{ } \gg {s}_{0} >0)$$
24
Where \(Г\left(\lambda \right)\) the step size for is large steps where \(({s}_{ }>0)\), drawn from a gamma distribution. However, for smaller pseudo-random steps, that correctly follows Levy distribution, the \(s\) value is drawn from two Gaussian distributions U and V (Mantegna algorithm [47]),
$$s= \frac{U}{{\left|V\right|}^{\left(1/\lambda \right)}}, U \sim N \sim N \left(0,{\sigma }^{2}\right), V \sim N \left(\text{0,1}\right)$$
25
Here, \(U\) is drawn from a normal distribution with mean = 0 and variance =\({\sigma }^{2}\), and \(V\) is drawn from a normal distribution with mean = 0 and variance = 1. The variance is given by
$${\sigma }^{2}= {\left\{ \begin{array}{ccc}\frac{Г (1+\lambda )}{\lambda Г \left[(1+\lambda )/2\right] }& .& \frac{\text{sin}\left(\pi \lambda /2\right)}{{2}^{(\lambda -1)/2}}\end{array}\right\}}^{1/\lambda }$$
26
The remaining 10% of the abiotic pollination observed in the plant and flower community is regarded as a Random Walk, that sometimes bring out solutions from the unexplored search space \({x}_{i}\).
\({{x}_{i}}^{t+1}= {{x}_{i}}^{t}+ Є ({{x}_{j}}^{t}- {{x}_{k}}^{t})\) | (27) |
Here,\({{ x}_{i}}^{t}\), and \({{x}_{k}}^{t}\) are considered to be pollen transformation within the same plant species, from the same population. \(Є\) is the step for the random walk drawn from the uniform distribution [0,1].
Thus, FPO allows for a global search of the solution space, which is crucial for effectively exploring the high-dimensional feature space of gene expression data. FPA identifies the most relevant genes that can contribute to the classification task and reduces the dimensionality of the feature extracted data. FPA also changes the means, covariance, and mixing coefficients of data distribution, so that GMM can perform better with the optimized data that contains complex and non-linear relationships among genes. In the next section,
3.8 Selection of Target
Selecting the target is a crucial step in defining the objective of the classification methodology. The clear definition of target improves the classifier model's predictive power by focusing on the most informative aspects of the data. The noise, outliers, and nonlinearity aspects of the data decide the selection of classifier targets. Moreover, the dataset used in this research is imbalanced and selecting the target must be strategized to deliver the maximum classifier performance. The binary classification performed in this research where the classification of feature extracted microarray data samples are classified into normal and colon cancer classes. Therefore two targets are selected namely \({\varvec{Т}}_{\varvec{N}}\) and \({\varvec{Т}}_{\varvec{C}}\). For a normal class feature set of N elements, the class target for Normal class is defined as:
$$\frac{1}{N} \sum _{i=1}^{N}{М}_{i} \le {Т}_{N}$$
28
Where \({М}_{i}\) is the average of the feature extracted vectors of Normal class, and \({Т}_{\varvec{N}}\) target follows the constraint \({Т}_{\varvec{N}}\)∈ [0, 1]. For a Colon Cancer class feature set of M elements, the class target for Colon Cancer class is defined as:
$$\frac{1}{M} \sum _{j=1}^{N}{М}_{j} \le {Т}_{C}$$
29
Where \({М}_{j}\) is the average of the feature extracted vectors of Colon cancer class, and \({Т}_{C}\) target follows the constraint \({Т}_{C}\) ∈ [0, 1]. The Eucledian distance between the Targets of the binary class must also follow the constraint:
\(‖{Т}_{N} - {Т}_{C} ‖\ge\) 0.5(30)
Based on the Eq. [28–30], the class targets \({Т}_{N}\) and \({Т}_{C}\) are chosen as 0.85 and 0.1, respectively. The classifier performance will be monitored with the help of MSE criteria. The next section discusses the training and testing of classifiers.
3.9 Training and Testing of classifiers
Before moving to the final classification step, training of classifiers is performed utilizing the labelled microarray dataset to adjust the classifier model's parameters. This step enables the learning of complex patterns and relationships in the gene expression data and optimizes the classifier's performance by minimizing the discrepancy between predicted and actual outcomes. After training, testing evaluates the trained classifier's performance on an independent dataset not used during training. So the testing phase assesses the model's generalization ability and provides insights into its effectiveness on other datasets. Mean Square Error (MSE) serves as a critical evaluation metric during both training and testing phases. In training, MSE quantifies the disparity between predicted and actual gene expression values, guiding the optimization process to minimize prediction errors. During testing, MSE provides insights into the model's predictive accuracy and its ability to generalize to unseen data. Minimizing MSE ensures that the classifier effectively captures the underlying relationships within the gene expression data, enhancing its predictive performance. The MSE is given by calculating the average squared difference between the predicted values and the actual values in a dataset.
$$MSE= \frac{1}{N}{\sum }_{j=1}^{N}({A}_{j}-{P}_{j}{)}^{2}$$
31
Here ‘N’ is the total number of extracted features, \({A}_{j}\) represents the actual gene expression value of jth instance, and \({P}_{j}\) represents the predicted gene expression value of the jth instance. A lower MSE indicates better performance, as it signifies smaller discrepancies between predicted and actual values. Conversely, a higher MSE suggests poorer performance and potentially larger prediction errors. Thus, MSE acts as a parameter that continuously checks the performance of the classifier.
We also perform K-Fold Cross Validation as performed in Fushiki et al. [48] to validate the classifier model. In this approach, the dataset is divided into K subsets (folds), with each fold serving as a validation set while the remaining data is used for training. This process is repeated K times, ensuring that each data point is used for validation exactly once. By averaging the performance metrics across multiple validation iterations, K-Fold Cross Validation provides a more reliable estimate of the classifier's performance and helps mitigate overfitting, thus enhancing the generalization ability of the model. In this research we have varied K value in the range 5–20, and is finally the value is fixed with 10, as higher values are providing similar results.
In this research for the binary classification problem of colon cancer data, the confusion matrix is described as shown in Table 4.It is used to describe the performance of a classification model on a during the training and testing phase. The confusion matrix has four possible combinations of predicted and actual class labels: True Positives (TP), True Negatives (TN), False Positives (FP), and False negatives (FN). These values help to evaluate the overall classifier performance metrics like Accuracy, F1 Score, Error Rate, MCC, and Kappa.
Table 4
| Predicted Normal | Predicted Cancer |
Actual Normal | TN | FP |
Actual Cancer | FN | TP |
TP: Samples that are correctly classified as colon cancer.
TN: Samples that are correctly classified as normal.
FP: Samples that are incorrectly classified as colon cancer when they are actually normal.
FN: Samples that are incorrectly classified as normal when they are actually colon cancer
Table 5 shows the obtained training and testing MSE of classifier for various feature extraction methods. The training MSE is reported between 10− 01 and 10− 9. The testing MSE is reported between 10− 5 to 10− 8.The training process is evaluated with 2000 iterations. The FPO-GMM with STFT feature extraction attained the lowest training and testing MSE of 7.29 × 10− 09 and 6.44× 10− 07, respectively. For LASSO feature extraction, SVM (RBF) attained the lowest training and testing MSE of 1.6 × 10− 07 and 9 × 10− 08, respectively. For EHO feature extraction SVM (RBF) classifier attained the lowest training MSE of 1.67 × 10− 07 and FPO-GMM classifier attained the lowest testing MSE of 9 × 10− 08.
Table 5
Training and testing MSE of classifiers for STFT, LASSO and EHO feature extraction techniques
Classifiers | STFT Feature Extraction | LASSO Feature Extraction | EHO Feature Extraction |
Training MSE | Testing MSE | Training MSE | Testing MSE | Training MSE | Testing MSE |
GMM | 1.02 × 10− 05 | 1.44 × 10− 05 | 1.02 × 10− 05 | 7.84 × 10− 06 | 2.25 × 10− 06 | 2.25 × 10− 06 |
PSO-GMM | 1.02 × 10− 05 | 9.01 × 10− 06 | 4.84 × 10− 06 | 6.25 × 10− 06 | 1.44 × 10− 06 | 1 × 10− 06 |
DFA | 4.36 × 10− 05 | 2.35 × 10− 05 | 1.3 × 10− 05 | 1.44 × 10− 05 | 2.89 × 10− 01 | 2.24 × 10− 06 |
NBC | 4.36 × 10− 05 | 6.08 × 10− 05 | 6.25 × 10− 06 | 3.24 × 10− 06 | 2.25 × 10− 06 | 2.25 × 10− 06 |
Firefly-GMM | 6.2 × 10− 05 | 2.21 × 10− 05 | 8.41 × 10− 06 | 7.29 × 10− 06 | 2.89 × 10− 06 | 6.4 × 10− 07 |
SVM (RBF) | 7.84 × 10− 06 | 1.44 × 10− 06 | 1.6 × 10− 07 | 9 × 10− 08 | 1.67 × 10− 07 | 2.5 × 10− 07 |
FPO-GMM | 7.29 × 10− 09 | 6.44× 10− 07 | 1.44 × 10− 06 | 3.6 × 10− 07 | 2.25 × 10− 07 | 9 × 10− 08 |
Based on the observations from Table 5, the classifier parameters are selected for the various employed classifiers in this research as provided in Table 6.
Table 6
Parameter selection of the employed classifiers
Classifiers | Parameters |
GMM | \(\text{C}\text{o}\text{e}\text{f}\text{f}\text{i}\text{c}\text{i}\text{e}\text{n}\text{t} \text{o}\text{f} \text{m}\text{i}\text{x}\text{t}\text{u}\text{r}\text{e}-{Ϻ}_{cg}\), Mean vector-\({ {\rm Y}}_{cg}, { Ͼ}_{cg}\)- Covariance matrix are initialized to zero. Test point likelihood probability = 0.1, Cluster probability = 0.5, Convergence rate = 0.6, Convergence Criteria = MSE of 10− 7 |
PSO-GMM | Population Size, N = 200, Inertia Weight (\(w\)) = 0.7, Constriction coefficients: c1 = 1.5 and c2 = 1.5, Random numbers: r1 and r2 ∈ [0, 1], Maximum Number of Iterations = 1000 or Convergence Criteria = MSE of 10− 7 |
DFA | Window Scale (n) = 1.6, Polynomial Order = 1, Normalization Factor (N) = 1.6, Degree of window overlap = 50%, Convergence Criteria = MSE of 10− 7 |
NBC | Smoothing factor, α = 0.06, Prior probabilities = 0.15, Distribution Assumption = Gaussian Naive Bayes, Convergence Criteria = MSE of 10− 7 |
Firefly-GMM | Population Size, N = 200, Initial attractiveness \({I}_{0}\) = 1, Randomization Parameter (α) = 0.1, Attraction coefficient β = 0.6, Light absorption coefficient γ = 0.1, Distance between two fireflies r = Eucledian ,Maximum Number of Iterations = 1000 or Convergence Criteria = MSE of 10−7 |
SVM (RBF) | Kernel width parameter (σ) = 0.1, Regularization Parameter (C) = 1, Class Weights(w) = 0.86, Bias, b = 0.01, Convergence Criteria = MSE of 10− 7 |
FPO-GMM | Population Size, N = 200, Step Size (\(\delta\)) = 0.15 ,Pollination Rate (λ) = 1.5, Random walk step \(Є\) ∈ [0, 1] (Uniform distribution), Switch Probability (ρ) = 0.65, Maximum Number of Iterations = 1000 or Convergence Criteria = MSE of 10− 7 |