Next Article in Journal
Explainable AI for Retinoblastoma Diagnosis: Interpreting Deep Learning Models with LIME and SHAP
Previous Article in Journal
Three-Dimensional Craniofacial Landmark Detection in Series of CT Slices Using Multi-Phased Regression Networks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Fetal Well-Being Diagnostic Method Based on Cardiotocographic Morphological Pattern Utilizing Autoencoder and Recursive Feature Elimination

Department of Electrical and Electronics Engineering, Gazi University, Ankara 06570, Turkey
*
Author to whom correspondence should be addressed.
Diagnostics 2023, 13(11), 1931; https://doi.org/10.3390/diagnostics13111931
Submission received: 25 April 2023 / Revised: 15 May 2023 / Accepted: 16 May 2023 / Published: 1 June 2023
(This article belongs to the Section Machine Learning and Artificial Intelligence in Diagnostics)

Abstract

:
Cardiotocography (CTG), which measures the fetal heart rate (FHR) and maternal uterine contractions (UC) simultaneously, is used for monitoring fetal well-being during delivery or antenatally at the third trimester. Baseline FHR and its response to uterine contractions can be used to diagnose fetal distress, which may necessitate therapeutic intervention. In this study, a machine learning model based on feature extraction (autoencoder), feature selection (recursive feature elimination), and Bayesian optimization, was proposed to diagnose and classify the different conditions of fetuses (Normal, Suspect, Pathologic) along with the CTG morphological patterns. The model was evaluated on a publicly available CTG dataset. This research also addressed the imbalance nature of the CTG dataset. The proposed model has a potential application as a decision support tool to manage pregnancies. The proposed model resulted in good performance analysis metrics. Using this model with Random Forest resulted in a model accuracy of 96.62% for fetal status classification and 94.96% for CTG morphological pattern classification. In rational terms, the model was able to accurately predict 98% Suspect cases and 98.6% Pathologic cases in the dataset. The combination of predicting and classifying fetal status as well as the CTG morphological patterns shows potential in monitoring high-risk pregnancies.

1. Introduction

Cardiotocography (CTG) is a non-stress diagnostic method for monitoring the fetal well-being during the third trimester or during labor [1]. CTG continuously records maternal uterine contractions (UC) via a pressure transducer placed on the abdominal wall, and fetal heart beats (FHR) via an external ultra-sound probe on the maternal abdominal wall. The simultaneous readouts can be displayed in real time. Based on expert criteria [1], CTG is typically interpreted by clinicians as Normal, Suspect or Pathologic. In developed countries, CTG is one of the most popular choices of assessing the fetal well-being [2]. Some authors are even arguing that CTG is being overused in low-risk cases [2]. There is a connection between CTG and perinatal mortality and morbidity, as a pathological CTG result is linked to a low APGAR score and neonatal intensive care units (NICU) [3]. The status of fetus can also be used to observe fetal distress. Depending on the underlying causes, the degree of the distress, and the promptness of medical interventions, fetal distress can result in a variety of outcomes. If fetal distress is temporary, then it can be resolved by changing the mother’s position, administering oxygen (to the mother), adjusting intravenous fluids, or performing an emergency cesarean section (around the end of third trimester), if necessary. All these steps can help improve the baby’s condition and lead to a positive outcome. However, if fetal distress is prolonged, then it can lead to long-term negative outcomes such as cognitive impairments, learning disabilities, motor impairments, conditions such as cerebral palsy or even childbirth (in rare cases). Lack of oxygen usually leads to prolonged fetal distress [4]. In some cases, it also results in birth asphyxia (which accounts for approximately 900,000 neonatal deaths annually) [5]. Fetal mortality is more common in low-income nations than in high-income nations overall, underscoring the differences in healthcare access and resources across these areas. Although the global neonatal mortality rate (per 1000 live births) has decreased from 36.7 (1990) to 17 (2020) in the past three decades, it is still comparatively higher for low-income regions [6]. Even in high-income regions, one of the most common causes of fetal death was complications of the placenta (which is related to fetal distress too). In the District of Columbia, USA, 24.4% fetal deaths (in 2020) were due to complications of the placenta [7]. Hence, recognizing the status of the fetus is important in assessing the fetal well-being. CTG can provide early indication of fetal distress. CTG tests are time- and resource-efficient; thus, they mitigate patient discomfort especially if numbers are high. CTG tracing patterns such as fixed FHR baselines, loss of FHR variability, and absence of accelerations, are indicative of a non-reassuring case [8,9]. CTG is visually interpreted by an expert and to supplement this activity, automated mechanisms are being proposed. Machine learning can be used to detect fetal hypoxia and status of the fetus [10,11,12,13]. This research proposes a diagnostic model that classifies and predicts the fetus status as well as the CTG morphological patterns. Missing data in CTG recordings can have a significant impact on the interpretation of the fetal well-being and can lead to suboptimal decision-making in managing labor and delivery. Missing data can lead to the following issues:
  • An incomplete assessment of the fetal well-being because the CTG recording contains crucial information regarding the fetal heart rate and uterine contractions. As a result, chances to detect fetal distress or hypoxia early may be lost.
  • Misinterpretation of the CTG pattern. As a result, unneeded interventions such as emergency cesarean sections may occur when they were not needed.
  • A delay in the decision-making and the proper management of labor and delivery. As a result, this may have negative effects on the well-being of the mother and the fetus.
Issues such as missing values can be resolved during the preprocessing stage. Thus, preprocessing of the CTG dataset is quite necessary. In [14], an algorithm is described that involves two iterative steps for filling in missing data. In the first “reconstruction step”, an adaptive dictionary is used to reconstruct the signal that leads to estimation of missing data, and then, in the second step, a new dictionary is calculated using the KSVD (k-singular value decomposition) algorithm based on the reconstructed signal from the first step. These two steps are repeated until convergence is achieved. The algorithm displayed good results particularly for consecutive missing samples. The dataset [15] considered for this research was the result of an automated analysis of the SisPorto 2.0 program [16]. The proposed program solved the missing data problem. The hypothesis for this research is that by using a machine learning model based on feature extraction, feature selection, and Bayesian optimization, it is possible to accurately diagnose and classify the various fetal conditions (Normal, Suspect, Pathologic), as well as the CTG morphological patterns, offering a potential decision support tool for managing pregnancies. Elaborating the hypothesis, the following objectives are proposed for this research: to diagnose the fetal well-being, the proposed objectives of this study are to counter the imbalanced nature of the CTG dataset; to propose an encoder-bottleneck information variable (discussed in Methodology section); to implement feature extraction (to counter the comparatively larger size of the CTG dataset achieved after implementing the first objective); to implement feature selection; to perform Bayesian optimization (to further increase the performance of the proposed model); to implement classification and to formulate a method to integrate all the above-mentioned modules.

2. Related Work

Several comparative studies [17,18,19,20,21,22,23,24,25] have been conducted to evaluate the performance of various classifiers on the CTG dataset [15]. These studies have utilized a variety of classifiers such as Artificial Neural Network (ANN), Long Short-Term Memory (LSTM), eXtreme Gradient Boosting (XGB), Support Vector Machine (SVM), K-Nearest Neighbor (KNN), Light Gradient Boosting Machine (LGBM), Random Forest (RF), Ada Boost, Bagging and Stacking, Decision Tree (DT), Naïve Bayes (NB), Logistic Regression (LR), Classification and Regression Trees (CART), Levenberg–Marquardt (LM) backpropagation, Resilient Backpropagation (RP), and Gradient Boosting Machine (GBM). The studies achieved accuracy rates ranging from 83.65% to 96.61%. The studies have generally concluded that RF is the best-performing classifier. The NB classifier combined with the Firefly algorithm and random feature selection resulted in an accuracy of 86.54% (8 features) [26]. A stacked model approach was used in [27], which included a combination of multiple models, to counter the imbalance in the CTG dataset [15] with its anti-interference traits. The results showed an accuracy of 96.08%. An AutoML approach with Synthetic Minority Oversampling Technique (SMOTE) was implemented [28] for the CTG dataset [15]. Out of all the models used in PyCaret, LGBM had an accuracy of 95.61%. Authors in [29] proposed their own model (95% accuracy) for feature selection after implementing SMOTE on the imbalanced CTG dataset [15]. The Differential Privacy (DP) framework-based neural network model (91% accuracy) [30] had two binary classifiers that classified the CTG dataset [15]. An a priori algorithm-based classification model was proposed in [31]. The proposed model (with Adaboost and RF) had feature selection as well. In addition, the suspect class of the CTG dataset [15] was split into normal and pathological classes to increase overall model accuracy. Relevant CTG features of the CTG dataset [15] were selected via Principal Component Analysis (PCA) and then fed to an SVM-AdaBoost model (93% accuracy [32]). The adjustment parameters were tweaked via a self-learning algorithm in a Fuzzy C means clustering-based ANFIS model [33], and model accuracy was 96.39% when 9 features were manually selected from the CTG dataset [15]. In [34], it was observed that the two outputs (of the CTG dataset [15]) have shared representations which allowed the model to utilize shared features between the two outputs.
The inspiration of using different modules (discussed in Section 3.6) came from the above-mentioned related literature. Hence, the proposed model of this study includes modules such as a method for balancing the dataset, feature extraction, feature selection, and hyperparameter optimization. The main difference between the proposed model and the above-mentioned related literature is that not all the modules used in the proposed model are utilized together in such a manner. The type of method for balancing the dataset, feature extraction, feature selection, hyperparameter optimization method, and classification mechanism was selected based on their respected performances in the related literature review. A method for balancing the dataset was implemented using SMOTE (Appendix A.4), feature extraction was implemented using Autoencoder (Section 3.1), feature selection was implemented using Recursive Feature Elimination (Section 3.2), hyperparameter optimization was implemented using Bayesian optimization (Appendix A.1), and classification was implemented using Random Forest (Section 3.3).

3. Materials and Methods

3.1. Feature Extraction

Feature extraction (FE) is a term used for all those techniques that allow new features to be derived from an existing dataset. These new features could be then used again to obtain the original dataset. Based on simplicity and flexibility, autoencoder (AE) was selected for this research. An autoencoder first tries to learn the patterns, and relationship between the features of an input data, then tries to recreate the original input. An autoencoder balances the following two traits:
  • Sensitive enough to inputs in such a manner that it can accurately build a reconstruction.
  • Insensitive enough to inputs in a such a manner that it does not simply memorize (overfit) the input training data.
This balance restricts the autoencoder to learn only those variations in the input that allows it to recreate the original input, while ignoring the redundant entries in the input. A loss function (Equation (1)) has a reconstruction loss (RL) that encourages the autoencoder to be sensitive to input and a regulator that discourages full memorization of the input by the autoencoder.
L o s s F u n c t i o n = R L ( x , x ) + R e g u l a t o r
A typical autoencoder has three parts: The encoder is a set of multiple layers that gradually compresses the input data that can be fed to a bottleneck. The encoder can be composed of multilayered perceptron (MLP) or convolutional blocks. The purpose of the bottleneck is to limit the neural network to not memorize the whole input data, but to memorize only the trends in the input entries. The decoder is the opposite of an encoder.

3.2. Feature Selection

Feature selection (FS) is the process in which the dimension of a dataset can be reduced and, in some cases, the efficiency of the model can also be increased if the least important or redundant features of a dataset are removed. In scenarios where a large amount of system memory is used due to a large dataset, feature selection is quite useful. Due to its flexibility and robustness, Recursive Feature Elimination (RFE), a wrapper-type supervised method, was used in the proposed model for feature selection. RFE eliminates the least important feature one by one until a desired stage is reached. The RFE algorithm is as follows:
  • Train the classifier.
  • Compute the ranking criterion for all the features.
  • Remove the feature with the smallest-ranking criterion and repeat till a stopping criterion is achieved.

3.3. Classification

In machine learning, classification is an arrangement of entries in different groups based on an established criterion. Random forest is selected for this research based on the literature review. RF is an assemblage learning method for performing regression as well as classification. It can construct multiple decision trees during the training of the model and then merge them to obtain a more accurate result. It counters the issues of over-fitting by decision trees. At each node, the decision to split classes is achieved via “Information Gain”. There are many methods to achieve this information gain. One method used in this research is entropy (defined as Equation (2)).
E = i = 1 U f i l o g ( f i )
Here, f i is the frequency of label i at a node and U is the number of unique labels. Then, the information gain is given as Equation (3).
G a i n ( V , X ) = E ( V ) E ( V , X )
Here, V is the target variable, X is the feature where a split will occur, and Entropy E(V, X) is the entropy calculated after the data are split on feature X. Another approach to find the split criterion is by using the Gini index (or impurity). This is a measure of inequality (impurity) of a set of values. It does so by measuring the probability for a random instance being misclassified when chosen randomly. This is in turn used to assess the quality of a split. If p i is the proportion of values in the set that belongs to class i and c represents the number of classes in the target variable, then Gini impurity is given as Equation (4).
G i n i i m p u r i t y = 1 i = 1 c ( p i ) 2

3.4. Performance Analysis

Analyses of the proposed model were evaluated using precision, recall, F1-score, accuracy, and specificity metrics (Table 1). The proposed model was cross-validated using 5-fold stratified cross-validation. The reason for using stratified cross-validation was that the CTG dataset [15] was imbalanced. Even though the imbalance was resolved via SMOTE (as discussed in Section 3.5), still precaution was taken to avoid the inherent imbalance nature of the dataset. Receiver operating characteristic (ROC), area under the ROC curve (AUC), and Precision-Recall curve were also calculated. The reason for utilizing ROC and AUC in this study was due to the fact that these performance metrics are used to convey the feasibility of using this proposed model to the readers, to encourage them to implement this model in their studies as well. Another reason for using ROC and AUC in this study was to provide an intuitive interpretation of the results of the proposed mode. Thus, if this article is read by non-ML (machine learning) background readers, even then they can easily understand the performance of the proposed model. Since the area of this article also includes the medical domain, medical experts could understand the performance of the proposed model as well. To further increase the interpretability of the proposed model, the SHAP (SHapley Additive exPlanations) (discussed in Appendix A.3) analysis was also performed.

3.5. Dataset Overview

The dataset used in this study was acquired from [15], which is the result of the Omniview-SisPorto 2.0 program [16]. Since the SisPorto 2.0 program performed an automated analysis of cardiotocograms (for both ante- and intrapartum tracings) that closely followed the International Federation of Gynecology and Obstetrics (FIGO) guidelines. The resulting dataset also conformed to the FIGO criteria. The dataset contains 21 features (Table 2) from 2126 CTG recordings grouped into three classes (Normal, Suspect, and Pathologic) and ten diagnostic classes (Table 3). All features and classes had been verified by 3 experts. The fetal condition was assessed by the criteria in Table 4.
The imbalanced nature of the CTG dataset, as observed from Figure 1 and Figure 2, was countered by implementing SMOTE [35]. SMOTE generates synthetic entries in the dataset by interpolating minority class entries into the feature space of data. The new instances are placed between a minority sample and its k neighbors. The working principle of SMOTE is given in Appendix A.4.
Correlation between variables indicates a dependence between them. Correlation does not directly affect a classification model; however, the presence of a significant number of correlated variables in a dataset can indirectly affect the model by feeding redundant variables (features) to the model that can decrease the quality of the classification model. If ρ is the Spearman’s rank correlation coefficient, d i 2 is the square of the difference in the ranks of two variables for each pair, and n is the number of pairs, then the Spearman correlation formula is given in Equation (5).
ρ = 1 6 d i 2 n ( n 2 1 )
It was observed from the Spearman correlation heatmap (Figure 3) that there was a strong (>0.7) correlation between FHR Baseline (LB) and FHR histogram descriptors (Mode, Mean, and Median), between Width, Minimum, Maximum of FHR histogram, and number of histogram peaks. Some of the FHR histogram descriptors (Mode, Mean, and Median) themselves were correlated to each other. This was also corroborated by [36], where the author also used Correlation Analysis (CA) to identify the relationship between the FHR histograms and Explanatory Data Analysis (EDA) to identify the relationship between accelerations and decelerations of uterine contractions. The similarities can negatively affect the quality of the model prediction. This provided another reason to implement a feature extraction technique to reduce the number of redundant features. The issue due to strongly (positive and negative) correlated redundant features will be resolved in the simulation part.
The CTG dataset was preprocessed by deletion of multiple empty rows and a few empty columns that contained no information. Furthermore, the predictor columns in the dataset have no Not a Number (NaN) entry. In addition to the features in Table 2, there was another feature DR (Repetitive decelerations) in the CTG dataset [15]; however, it was removed because the authors [16] performed a chi-squared test on all the features of the dataset and found that p(K-W) = 1 for DR. This removal was also corroborated in [31]. For fetal status, the target output was NSP (with 3 classes), and for CTG morphological pattern, the target output was CLASS (with 10 classes). Dataset standardization was performed using “z-score”. If μ is the mean of the sample and σ is the standard deviation of the sample, then the formula used for the z-score is given in Equation (6).
z = x μ σ

3.6. Methodology

This study adheres to the STROBE guidelines [37] for reporting observational studies. After implementing SMOTE on the CTG dataset, the size of the input matrix was increased to 4965. For this comparatively larger dataset, a model was proposed that was inspired from Feature Extraction (via autoencoders) and Feature Selection (via RFE). Both feature selection and feature extraction modify the input matrix; the main difference is that feature selection keeps the original input matrix intact and removes the features based on their ranks, whereas feature extraction creates new features while automatically removing the undesirable features. The proposed model aimed to reduce the redundant entries and dimensionality of the dataset. The flowchart of the proposed algorithm is shown in Figure 4.
The primary task of the FE module was to find the encoder bottleneck information (EBI). The number of neurons (EBN: encoder bottleneck neurons) in the bottleneck layer can be found in Equation (7).
E B N = O F _ m a x E B C
O F _ m a x is the maximum number of original features, and E B C is the proposed encoder bottleneck coefficient whose value would change from 1 to 2, depending on the outcome of the algorithm. The initial value of E B C was set as 1. Results showed that E B C > 2 resulted in low-quality data reconstructions. Traditionally selecting the dimensions of EBI is an ad hoc and non-standard process, but the results of the proposed model showed that E B C = 1.5 resulted in a good compromise between dimensionality reduction and keeping the minimum number of features for better classification. The secondary task of the FE module was to reduce the dimensions of the dataset. The new dataset had new features that represented the original dataset. In the FS module, RF was used as an estimator for the RFE. The advantage of using RFE here was that it was unconcerned with the type of input features, as it relied on the feature importance. The final model, with the help of Random Forest, was then used to classify the fetal status and CTG morphological pattern. The final selected model was also fed to a Bayesian optimization (BO) module. BO sequentially pursues the global optimum with the least number of iterations, while treating every problem as a black box. It seeks a balance between exploration (collect more information), and exploitation (finalizing the best decision on information) [38]. For RF, the hyperparameters such as split criterion (the function to measure the quality of a split), class weights, maximum number of features for a split and number of trees in a forest (estimators) were fine-tuned to find the optimal solution. The CTG dataset was annotated by SisPorto 2.0 [16]; thus, the predictors/features had a form of feature extraction. However, from Figure 4, it can be observed that the second feature extraction was performed after the implementation of SMOTE (that was used to counter the class imbalance nature of the CTG dataset). The need for another feature extraction originated from the fact that now the dataset was comparatively larger; hence, there was a possibility that there was some redundant information in the new dataset and the larger dataset would increase the computational costs.

4. Results

The simulations were performed in a Python 3.8 environment. The simulations were divided into two parts. Part 1 covers the fetal status aspect of the CTG dataset, whereas Part 2 covers the CTG morphological pattern aspect of the CTG dataset. For comparison purposes, RF (without the proposed algorithm) was also used on the CTG dataset. For both parts, the training to testing ratio was set as 75:25. RF can naturally support multiclass classification, so it was directly used for this multiclass dataset.

4.1. Fetal Status Classification

The performance analysis (using the performance metrics given in Table 1) of the proposed model for the fetal status is given in Table 5. For an easier comparison, the table also contains entries from the case in which only basic RF (without the proposed algorithm) was used.
The model accuracy of the proposed model for CTG fetal status was 96.62% (with 13 features). Whereas if only basic RF was used on the same dataset (with all 21 features), an accuracy of 93.61% was achieved. The confusion matrix of the proposed model for fetal status is shown in Table 6. For ease of comparison, the entries in the confusion matrix are depicted as percentages and the table also contains entries from the case in which only basic RF (without the proposed algorithm) was used.
The ROC (with AUC) and PR were measured for all three classes (Class 1 = Normal, Class 2 = Suspect, and Class 3 = Pathologic) individually, as observed in Figure 5 and Figure 6, respectively.
The variation in the model accuracy during the full run of the proposed model for fetal status can be observed in Figure 7. The highest accuracy, 96.62%, was achieved by the proposed model, when 13 features were selected.

4.2. CTG Morphological Pattern Classification

The performance analysis (using the performance metrics given in Table 1) of the proposed model for the CTG morphological pattern is given in Table 7. For an easier comparison, the table also contains entries from the case in which only basic RF (without the proposed algorithm) was used.
The model accuracy of the proposed model for the CTG morphological pattern was 94.96% (with 14 features). Whereas if only basic RF was used on the same dataset (with all 21 features), an accuracy of 87.22% was achieved. The confusion matrix of the proposed model for the CTG morphological pattern is shown in Table 8. For ease of comparison, the entries in the confusion matrix are depicted as percentages, and the table also contains entries from the case in which only basic RF (without the proposed algorithm) was used.
The ROC (with AUC) and PR were measured for all ten classes (Class 1 = A, Class 2 = B, Class 3 = C, Class 4 = D, Class 5 = E, Class 6 = AD, Class 7 = DE, Class 8 = LD, Class 9 = FS, and Class 10 = SUSP) individually, as observed in Figure 8 and Figure 9, respectively.
The variation in the model accuracy during the full run of the proposed model for the CTG morphological pattern can be observed in Figure 10. The highest accuracy, 94.96%, was achieved by the proposed model, when 14 features were selected.
Figure 7 displays the complete run for fetal status (in which 3 conditions of the fetus were used as target output), whereas Figure 10 displays the complete run for the CTG morphological Pattern (in which 10 CTG classes were used as target output). The difference between the accuracy of both graphs stems from the fact that for the fetal status case, the target output had only three classes; thus, it was easier to classify that model. Whereas for the CTG morphological pattern model, the target output had 10 classes (refer to the dataset subsection) and it was comparatively difficult to obtain a better classification. Still, the proposed model presented good results for the latter case as compared to using only the basic RF classifier.

4.3. Overview of Bayesian Optimization

The main reasons for using Bayesian optimization in this proposed study are to efficiently explore the hyperparameter space, to reduce computational cost in fine-tuning the hyperparameters, and to improve the overall performance of the proposed model. For instance, for the fetal status part, if 13 features were selected (after the RFE module) and no Bayesian optimization was used, then the accuracy would be 96.54%. However, if Bayesian optimization is used after the RFE module, then the accuracy for 13 features is 96.62%. In essence, Bayesian optimization fine-tunes the proposed model and yields better results. Performance metrics table and confusion matrix of both the above-mentioned cases are given in Appendix A.2 for comparison. The optimum hyperparameters of the proposed model for fetal status and for the CTG morphological pattern obtained after the Bayesian optimization module are given in Table 9.

4.4. SHAP Analysis

The SHAP summary plot is Beeswarm-type plot, in which the features are represented in the y-axis (the features are sorted with respect to their importance) and the SHAP values are represented in the x-axis (the SHAP measures the contribution of each feature to predicted output). The SHAP output was different for both cases, as for fetus status, the target output consisted of 3 classes, whereas for the CTG morphological pattern, the target output consisted of 10 classes. After the implementation of autoencoder, the new features were labeled as New Extracted Features (NEFs), which ranged from NEF 1 to NEF 14. The low feature value was depicted as a blue dot, whereas a high feature value was depicted as a red dot. For non-binary cases (e.g., in this research), the color range was depicted between blue and red, with purple being the middle feature value. The dots represented individual SHAP values for each data point in the test set. The horizontal bars, along the x-axis, represented the range of the SHAP values for each feature, whereas the length of those bars depicted the extent of the effect each feature has on the model.
For the case of fetal status, in Figure 11, it can be observed that NEF5 has the highest positive impact on the model. NEF4 has the highest negative impact on the model. However, it should be noted that NEF9, NEF6, NEF4, and NEF14 have a high negative impact on the model.
For the case of the CTG morphological pattern, in Figure 12, it can be observed that NEF14 has the greatest positive impact on the model; however, the strength of the impact lies between low to medium (as observed by the blue and purple colored dots, respectively). NEF11 has the greatest negative impact on the model. Moreover, NEF4, NEF6, and NEF12 have a high positive impact on the model.
The main difference between the two graphs is that for the fetal status part, the NEFs had a high, positive and negative (maximum impact reached around 1.0) impact on the model and also comparatively less features had a significant impact on the model. Whereas for the CTG morphological pattern part, the NEFs had a comparatively higher impact (maximum impact reached around 2.0) on the model and also more features had a significant impact of the model.
In [39], when SHAP was implemented, there were some original features (such as NZEROS: Number of Histogram Zeros, and DS: severe decelerations) that had no impact on the model whatsoever. In this proposed model, all those irrelevant features had been removed via the proposed algorithm. Thus, all new features had an impact on the model output.

5. Discussion

The general trend in the relationship between number of features and the accuracy of the proposed model has a negative relation, with fewer number of features leading to lower model accuracy (as observed in Figure 7 and Figure 10).
The performance analysis metrics (Table 5) of the proposed model ranged from 0.92 to 0.99. This is a significant improvement from when only RF was used on the CTG dataset. When basic RF was used (without the proposed algorithm), the Precision and Recall values of the suspect case were very low (0.83 and 0.69, respectively), whereas in the proposed model, those values were 0.92 and 0.98, respectively. For the confusion matrix (Table 6) of the proposed model, a great reduction was achieved in the “incorrect” predictions of suspect and pathological cases. When basic RF was used (without the proposed algorithm), the suspect cases that were incorrectly predicted as normal cases were 26.4%, whereas using the proposed model, this incorrect prediction fell to only 1.5%, a decrease of 94.31% in the incorrect predictions between normal and suspect cases. For a sensitive field such as fetal well-being, the reduction in incorrect prediction is a good aspect of this proposed model. The ROC (Figure 5) and PR (Figure 6) curves for the fetal status case provide good insight about the ability of the proposed model to accurately predict all the three classes with good confidence (as all AUC values are above 0.99). The most important conclusion from the ROC and PR curves is that the model works very good in classifying and predicting the pathological cases. In the medical context, the pathological cases are more concerning than the normal cases. This is because pathological cases need immediate care (as observed from Table 4), so that the well-being of the fetus can be corrected. Although the basic RF classifier (without the proposed algorithm) was able to display good results for the normal cases, the suspect and pathological cases were not being predicted with good confidence level. Many suspect cases were incorrectly predicted either as Normal or Pathologic. Considering the medical implications, this incorrect prediction poses more harm compared to a normal case being incorrectly predicted as either suspect or pathological. In the case of fetal status classification, the accurate classification of pathological and suspect cases holds more significance than the classification of normal cases. Thus, the proposed model was able to increase the confidence levels for predicting both suspect and pathological cases.
The model accuracy of the proposed model for the CTG morphological pattern case was 94.96%. This was an increase of 8.87% as the accuracy was 87.22% when only RF was used without the proposed algorithm. For the basic RF classifier, only A, B, and LD had comparatively better predictions, whereas there were significant incorrect predictions for the rest of the classes in the CTG morphological pattern case, as observed in Table 7. Moreover, for the class E (shift pattern between Calm Sleep, CLASS A and Suspect pattern, CLASS SUSP), the correct predictions, while using only basic the RF classifier, were only 45.8% (with a recall value of 0.45). However, in the proposed model, the incorrect predictions were significantly reduced throughout all the classes. Another improvement was observed in the F1-score, where all morphological patterns displayed good metrics. All classes (except class A) had an F1-score of above 0.91. The good performance of the proposed model can also be highlighted via a confusion matrix (Table 8). For instance, for class E, the correct prediction increased to 98.7%, a percentage increase factor of 115.5%. In addition, the recall value of class E increased to 0.98. Moreover, the important pathological and suspect-related classes (such as FS and SUSP) have comparatively lesser incorrect predictions in the proposed model as compared to using only the basic RF classifier. The average correct predictions of the CTG morphological pattern using the basic RF classifier (without the proposed algorithm) was 80.94%. Whereas using the proposed model, the average correct predictions across all classes were 94.99%.
Before discussing the ROC and PR curves of the proposed model for CTG morphological pattern, the relationship between fetal status types and the CTG morphological pattern classes should be discussed. As observed from Figure 13, the fetal status classes are distributed over the whole CTG morphological pattern classes. Classes A, B, C, D equate to the normal fetal case. Classes AD and DE equate to the mostly normal fetal case with a minority of suspect case. Classes SUSP and E equate to the suspect case. Class E has a shifting pattern that shifts between a normal calm sleep and a suspected pattern. Moreover, classes LD and FS equate to the pathological case. Although the ROC (Figure 8) and PR (Figure 9) curves of the proposed model for CTG morphological pattern are better than basic RF (without the proposed algorithm), only class A has a decrease in Recall and F1 score. There is a compromise on this as most of the incorrect predictions for class A were distributed in other normal case-related morphological patterns. The pathological case-related morphological patterns (LD and FS) and suspect case-related morphological patterns (E and SUSP) had very good performance analysis metrics.
Another aim of this research is to provide ease to the future authors to select the tuned hyperparameters from this work in their work related to cardiotocography with machine learning. This borrowed knowledge would increase the net productivity of any future related work in this field.
A major issue of using this CTG dataset [15] is that this dataset has been derived from subjects of a developed country. Moreover, the sociological, demographic, and medical characteristics (such as maternal nutritional data, maternal health, etc.) of the subjects are not provided in this CTG dataset. All these variables affect the third-trimester events and can potentially be used to fine-tune the proposed model. Further research is needed to verify the actual performance of the proposed model for given subjects from developing countries. Instead of solely relying on the fixed CTG database, future research can be done on direct hardware integration with the proposed mechanism, which would facilitate real-world clinical trials of on-device CTG classification. The accuracy of the proposed mechanism can further be improved by utilizing a combination of more classifiers in future works. In this research, SMOTE synthetically increased the size of the dataset and an improvement in results were achieved. However, if more real entries are added into the CTG dataset [15], then a further improvement can be achieved. Future work for this research can include a larger and real-time CTG dataset. Moreover, future work for this model can include deployment during multiple stages of labor, as inspired by [40].
As this research used the CTG dataset that was sourced from Sisport 2.0, the proposed model can be generalized to work with CTG datasets that have been sourced from the Sisporto programs. The current version of Sisporto 4.0 [41] is also adapted to the 2015 FIGO guidelines for intrapartum fetal monitoring. Related research [42] also highlights the benefits of utilizing computerized CTG (specifically Sisporto) by concluding that Sisporto has many advantages in clinical practice as compared to traditional CTG analysis. Another research paper [43] corroborates the notion that the inclusion of Sisporto in health care results in reductions in the incidence of hypoxic-ischemic encephalopathy (HIE) and cesarean-based deliveries. Hence, in the domain of CTG, Sisporto and the CTG dataset related to it provides a good standard. The CTG dataset is widely used in experiments and research relating to CTG (a fact that is also depicted in Table 10).
The comparison of the results of the proposed model with prior related work is given in Table 10. All of the research work displayed in the table also used the same CTG dataset [15], which was used in this research as well. This was done to highlight the merit of this research by linking it with reputed prior related works and also for providing a better comparison. The defining feature of this research is that it proposed a new model that utilized SMOTE, feature extraction, feature selection, and Bayesian optimization to classify and predict (and hence diagnose) both fetal status as well as CTG morphological patterns. Although there are previous studies that utilize multiple machine learning algorithms for classifying and predicting fetal condition, utilizing multiple machine learning algorithms to achieve this task along with countering the CTG dataset [15] class imbalance issue while utilizing the same CTG dataset (and the model) for classifying and predicting the fetal status as well as the CTG morphological pattern, can be considered a novelty of this research. In terms of clinical applicability, the study (also backed by results in Section 4) suggests that the proposed model has the potential to serve as a decision support tool for managing pregnancies. By accurately diagnosing and classifying fetal conditions and CTG morphological patterns, the model can aid healthcare professionals in making informed decisions and providing appropriate therapeutic interventions when necessary. This clinical applicability implies that the model could be integrated into existing healthcare systems (versions of Sisporto or Sisporto-inspired systems) to support prenatal care and delivery management, potentially leading to improved outcomes. The hypothesis (in Section 1) was substantiated by the results. Thus, this proposed model can be used in tandem with the healthcare system to reduce the adverse fetal outcomes. It can be inferred from the results that the accurate diagnosis and classification of fetal conditions, particularly identifying suspect and pathological cases with a good confidence margin. The proposed model could help in timely intervention and appropriate management of high-risk pregnancies. By providing healthcare professionals with a decision support tool to monitor high-risk pregnancies more effectively, there is potential to detect, diagnose, and address complications or adverse outcomes (for both the fetus and the mother) in a timely manner.

6. Conclusions

The practical clinical implication of this research is that remote CTG telemonitoring of fetal well-being can be achieved using this proposed model. This would reduce the need for patients to visit clinics and hospitals in the third trimester. Traditional research work in this domain using the CTG dataset [15] focuses mostly on the three fetal statuses. However, in this research work, classification of the CTG morphological pattern and its relationship with the fetal statuses is in the focus, providing an additive experience to the collective CTG knowledge base. We believe that our methods and our model’s salutary performance will be helpful in guiding and motivating researchers to select our model in their future work related to machine learning-based CTG diagnosis. This knowledge would enhance the net productivity of future work in this field.

Author Contributions

H.A.: methodology, software, data curation, validation, formal analysis, investigation, visualization, writing—original draft preparation, writing—review and editing; F.H.: conceptualization, validation, writing—review and editing, supervision, project administration; K.A.: validation, writing—review and editing, formal analysis. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

The study did not require ethical approval.

Informed Consent Statement

Not applicable.

Data Availability Statement

The authors used an open access dataset that is available from https://archive.ics.uci.edu/ml/datasets/cardiotocography (accessed on 15 January 2022).

Acknowledgments

The authors would like to thank the editors and anonymous reviewers for providing insightful suggestions and comments to improve the quality of research paper.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
CTGCardiotocography
APGARAppearance, Pulse, Grimace, Activity and Respiration
MLMachine Learning
FEFeature Extraction
AEAutoencoder
FSFeature Selection
RFERecursive Feature Elimination
RFRandom Forest
ROCReceiver Operating Characteristic
AUCArea Under the ROC Curve
PRPrecision-Recall curve
FIGOInternational Federation of Gynecology and Obstetrics
NSPNormal, Suspect, Pathologic
SMOTESynthetic Minority Oversampling Technique
SHAPSHapley Additive exPlanations
STROBESTrengthening the Reporting of OBservational studies in Epidemiology
EBIEncoder Bottleneck Information
EBNEncoder Bottleneck Neurons
E B C Encoder Bottleneck Coefficient
BOBayesian Optimization
WHOWorld Health Organization

Appendix A

Appendix A.1. Hyperparameter Optimization

Hyperparameter optimization is akin to “tuning of a problem”. This is done by using certain parameters (that can be used to control the learning procedure) in such a way as to find those values that are able to optimally solve the machine learning problem. Optimization is achieved by minimizing a predefined loss or maximizing the accuracy of an objective function in given independent data. The “objective function” takes a tuple of hyperparameters while returning the associated loss. Most commonly, cross-validation is used to estimate this generalization performance. The commonly used search algorithms are: Grid search optimization, Random search optimization, and Bayesian optimization. All three types of optimization searches have their niche applications.
Grid Search Optimization is the simplest method to perform hyperparameter optimization. It simply performs an exhaustive search on user-specified hyperparameters. To better utilize this method, the users must have some preliminary knowledge of the hyperparameters. Otherwise, either the search time will increase or important values of the hyperparameter will be ignored. Moreover, grid search works best if a small search space is available. If the search space is large, then the time to converge for a good set of hyperparameters will increase exponentially [38].
Random Search Optimization can be considered as an upgrade on grid search. It performs a randomized search over the hyperparameter search space. By allowing the process to deplete the predefined budget or until a required accuracy is achieved, the search can be terminated. Even though random search is like grid search, it has certain advantages. For instance, for a case where the hyperparameters are not uniformly distributed, random search may perform better compared to using grid search in the same case. Moreover, the increase in the time allocated to perform random search results in an increase in the possibility of finding the optimal hyperparameters. This rationale is also called the Monte Carlo method [44], which has found popular usage when dealing with large multi-dimensional datasets in deep learning [38]. However, in the case of grid search, better results cannot be warranted by the inordinately longer search time. Random search is more effective than grid search, but it is still a computationally resource-intensive approach.
Bayesian Optimization is based on the Bayesian method [45]. This sequential method pursues the global optimum with the least number of iterations. It seeks a balance between exploration, the process of finalizing the best decision on available information, and exploitation. It is a model that strives to collect more information [38]. Bayesian optimization treats every problem as a black box. A probability surrogate model of objectives is conceived. Then, based on previous iterations’ results, every attempt is made to reach the optimum solution (selected best values of the hyperparameters). The steps in the Bayesian optimization algorithm are as follows:
  • A surrogate model’s prior distribution is made.
  • The best performing hyperparameter set on the surrogate model is obtained.
  • The acquisition function is computed for the current surrogate model.
  • The selected hyperparameter set is applied on the objective function.
  • The surrogate model is updated with the new results.
These steps are repeated until the resource is exhausted or an optimal hyperparameter set is found.

Appendix A.2. Impact of Bayesian Optimization on Model

The effect of Bayesian optimization (BO) on the proposed model can be observed by comparing the results of the proposed model (with 13 features selected via the RFE module) with BO implementation and results of the proposed model without BO implementation. The performance analysis (using performance metrics given in Table 1) and confusion matrix are given in Table A1 and Table A2, respectively.
Table A1. Performance Analysis of the Proposed Model for Fetal Status using Metrics of Table 1: Observing the Impact of BO.
Table A1. Performance Analysis of the Proposed Model for Fetal Status using Metrics of Table 1: Observing the Impact of BO.
Fetal StatusPrecisionRecallSpecificityF1-Score
Normal0.9844 (0.9844)0.9313 (0.9338)0.9928 (0.9928)0.9571 (0.9584)
Suspect0.9247 (0.9205)0.9800 (0.9825)0.9619 (0.9595)0.9515 (0.9505)
Pathological0.9907 (0.9929)0.9861 (0.9792)0.9950 (0.9962)0.9884 (0.9860)
Note: The values within parentheses ( ) are for the case when no Bayesian Optimization is used in the proposed algorithm.
Table A2. Confusion Matrix of The Proposed Model for Fetal Status: Observing the Impact of BO.
Table A2. Confusion Matrix of The Proposed Model for Fetal Status: Observing the Impact of BO.
Predicted
NormalSuspectPathological
ActualNormal93.1% (93.4%)6.4% (6.1%)0.5% (0.5%)
Suspect1.5% (1.5%)98.0% (98.3%)0.5% (0.2%)
Pathological0.0% (0.0%)1.4% (2.1%)98.6% (97.9%)
Note: The values within parentheses ( ) are for the case when no Bayesian Optimization is used in the proposed algorithm. For ease of comparison, the entries in the confusion matrix are depicted as percentages.
Apart from the slight increase (of 0.08%) in model accuracy from 96.54% (without BO) to 96.62% (with BO), the important impact of using BO to the proposed model is that it increased the model classification performance for the pathological cases. The values of some performance metrics remained the same for both normal and suspect cases. However, the main reason to use BO in the proposed model was to improve the predictions of the pathological cases. For instance, the correct prediction of pathological cases increased about 0.71%, and the incorrect prediction of pathological cases as suspect cases decreased about 33.33%. In a sensitive area such as fetal well-being, even these minute improvements can save more lives.

Appendix A.3. SHAP Analysis

SHAP (SHapley Additive exPlanations) analysis is a method for explaining the results of machine learning models. It aims to demonstrate the impact of different traits or input elements on the prediction power of a model. Calculating the Shapley values, which are based on cooperative game theory, is the primary objective of SHAP analysis [39]. These values can be used quantify the contribution of each attribute to the final result. These numbers provide an approximation of the marginal contribution of each feature to the prediction by averaging over all possible feature permutations. Utilizing SHAP analysis in machine learning can lead to the following benefits:
  • Justify the significance of input features.
  • Alter the influence of features on the model by tweaking the weights.
  • To discover bias.
  • To increase the interpretability of the model.

Appendix A.4. Balancing the Dataset

A balanced dataset is one in which the distribution of classes in the target output are equal. In contrast, an imbalanced dataset has unequal class distribution. Performing classification on an imbalanced dataset can skew the result in such a manner that the model gets less data elements (entries) for minority classes. Hence, the performance of the model for minority classes can suffer. To counter an imbalanced dataset, methods such as undersampling (the majority class) and oversampling (the minority class) can be used. Undersampling can be easier to implement as it randomly eliminates majority class entries in the dataset, but it is not desirable especially in a medical-centric dataset where each entry is important. Oversampling, on the other hand, is a better option, in which the minority class is increased to match the majority class. Random oversampling can be achieved by randomly duplicating the minority classes multiple times. Another oversampling technique, the so-called Synthetic Minority Oversampling Technique (SMOTE), generates synthetic entries in the dataset by interpolating minority class entries into the feature space of data. SMOTE achieves this by creating new instances between a minority sample and its k neighbors. The new entries are not copies of existing entries, but rather their features have a combined effect from the surrounding neighbors. SMOTE only affects the minority class distribution of an imbalanced dataset. It does not affect the majority class. A simplified algorithm [35] of SMOTE is as follows:
  • In a minority class set M, such that each x M , by calculating the Euclidean distance between x and each entity in set M, the k nearest neighbors of x are obtained.
  • The imbalanced ratio is used to set the sampling rate R. For each x M , R samples ( x 1 , x 2 , x r ) are randomly selected from its k nearest neighbors, and they construct the set M 1 .
  • For each sample x k M 1 (where k = 1 , 2 , 3 R ), a new entry is generated via: x = x + r a n d ( 0 , 1 ) x x k .

References

  1. Ayres-de Campos, D.; Spong, C.Y.; Chandraharan, E. FIGO consensus guidelines on intrapartum fetal monitoring: Cardiotocography. Int. J. Gynecol. Obstet. 2015, 131, 13–24. [Google Scholar] [CrossRef]
  2. Jepsen, I.; Blix, E.; Cooke, H.; Adrian, S.W.; Maude, R. The overuse of intrapartum cardiotocography (CTG) for low-risk women: An actor-network theory analysis of data from focus groups. Women Birth 2022, 35, 593–601. [Google Scholar] [CrossRef]
  3. Nazir, L.; Lakhta, G.; Anees, K.; Khan, F.R.; Safdar, S.; Nazir, G.R.; Irum, M.I.; Khattak, S.U.; Salim, A. Admission Cardiotocography as a predictor of low Apgar score: An observational, cross-sectional study. Cureus 2021, 13, e14530. [Google Scholar] [CrossRef] [PubMed]
  4. Nadeem, G.; Rehman, A.; Bashir, H. Risk Factors Associated With Birth Asphyxia in Term Newborns at a Tertiary Care Hospital of Multan, Pakistan. Cureus 2021, 13, e18759. [Google Scholar] [CrossRef] [PubMed]
  5. WHO. Perinatal Asphyxia. 2022. Available online: https://www.who.int/teams/maternal-newborn-child-adolescent-health-and-ageing/newborn-health/perinatal-asphyxia (accessed on 13 May 2023).
  6. WHO. World Health Statistics 2022: Monitoring Health for the SDGs, Sustainable Development Goals. 2022. Available online: https://www.who.int/publications/i/item/9789240051157 (accessed on 13 May 2023).
  7. Gregory, E.C.; Valenzuela, C.P.; Hoyert, D.L. Fetal Mortality United States 2020. In National Vital Statistics Reports: From the Centers for Disease Control and Prevention, National Center for Health Statistics, National Vital Statistics System; DHHS Publication: Washington, DC, USA, 2022; Volume 71. [Google Scholar]
  8. Eleftheriades, M.; Pervanidou, P.; Chrousos, G. Fetal Stress. In Encyclopedia of Stress, 2nd ed.; Fink, G., Ed.; Academic Press: New York, NY, USA, 2007; pp. 46–51. [Google Scholar] [CrossRef]
  9. Christina, K.H.Y.; Bower, S. Chapter 10—Fetal Growth. In Twining’s Textbook of Fetal Abnormalities, 3rd ed.; Coady, A.M., Bower, S., Eds.; Churchill Livingstone: New York, NY, USA, 2015; pp. 211–222. [Google Scholar] [CrossRef]
  10. Ma’sum, M.A.; Riskyana Dewi Intan, P.; Jatmiko, W.; Krisnadhi, A.A.; Setiawan, N.A.; Suarjaya, I.M.A.D. Improving Deep Learning Classifier for Fetus Hypoxia Detection in Cardiotocography Signal. In Proceedings of the 2019 International Workshop on Big Data and Information Security (IWBIS), Bali, Indonesia, 11 October 2019; pp. 51–56. [Google Scholar] [CrossRef]
  11. Alsaggaf, W.; Cömert, Z.; Nour, M.; Polat, K.; Brdesee, H.; Toğaçar, M. Predicting fetal hypoxia using common spatial pattern and machine learning from cardiotocography signals. Appl. Acoust. 2020, 167, 107429. [Google Scholar] [CrossRef]
  12. Manikandan, M.; Vijayakumar, P. Improving the Performance of Classifiers by Ensemble Techniques for the Premature Finding of Unusual Birth Outcomes from Cardiotocography. IETE J. Res. 2021, 69, 1734–1744. [Google Scholar] [CrossRef]
  13. Garcia-Canadilla, P.; Sanchez-Martinez, S.; Crispi, F.; Bijnens, B. Machine Learning in Fetal Cardiology: What to Expect. Front. Artif. Intell. 2021, 47, 363–372. [Google Scholar] [CrossRef]
  14. Oikonomou, V.P.; Spilka, J.; Stylios, C.; Lhostka, L. An adaptive method for the recovery of missing samples from FHR time series. In Proceedings of the 26th IEEE International Symposium on Computer-Based Medical Systems, Porto, Portugal, 20–22 June 2013; pp. 337–342. [Google Scholar] [CrossRef]
  15. Repository, U.M.L. Cardiotocography Data Set. 2010. Available online: https://archive.ics.uci.edu/ml/datasets/cardiotocography// (accessed on 23 July 2022).
  16. Campos, D.A.; Bernades, J.; Garrido, A.; Sa, J.M.; Leite, L.P. SisPorto 2.0: A Program for Automated Analysis of Cardiotocograms. J. Matern. Fetal Med. 2000, 9, 311–318. [Google Scholar] [CrossRef]
  17. Rahmayanti, N.; Pradani, H.; Pahlawan, M.; Vinarti, R. Comparison of machine learning algorithms to classify fetal health using cardiotocogram data. Procedia Comput. Sci. 2022, 197, 162–171. [Google Scholar] [CrossRef]
  18. Noor, N.F.M.; Ahmad, N.; Noor, N.M. Fetal Health Classification Using Supervised Learning Approach. In Proceedings of the 2021 IEEE National Biomedical Engineering Conference (NBEC), Virtual, 9–10 November 2021; pp. 36–41. [Google Scholar] [CrossRef]
  19. Batra, A.; Chandra, A.; Matoria, V. Cardiotocography Analysis Using Conjunction of Machine Learning Algorithms. In Proceedings of the International Conference on Machine Vision and Information Technology, Singapore, 17–19 February 2017. [Google Scholar] [CrossRef]
  20. Hoodbhoy, Z.; Noman, M.; Shafique, A.; Nasim, A.; Chowdhury, D.; Hasan, B. Use of Machine Learning Algorithms for Prediction of Fetal Risk using Cardiotocographic Data. Int. J. Appl. Basic Med. Res. 2019, 9, 226–230. [Google Scholar] [CrossRef]
  21. Agrawal, K.; Mohan, H. Cardiotocography Analysis for Fetal State Classification Using Machine Learning Algorithms. In Proceedings of the 2019 International Conference on Computer Communication and Informatics (ICCCI), Coimbatore, India, 23–25 January 2019; pp. 1–6. [Google Scholar] [CrossRef]
  22. Pradhan, A.K.; Rout, J.K.; Maharana, A.B.; Balabantaray, B.K.; Ray, N.K. A Machine Learning Approach for the Prediction of Fetal Health using CTG. In Proceedings of the 2021 19th OITS International Conference on Information Technology (OCIT), Bhubaneswar, India, 16–18 December 2021; pp. 239–244. [Google Scholar] [CrossRef]
  23. Ramla, M.; Sangeetha, S.; Nickolas, S. Fetal Health State Monitoring Using Decision Tree Classifier from Cardiotocography Measurements. In Proceedings of the 2018 Second International Conference on Intelligent Computing and Control Systems (ICICCS), Madurai, India, 14–15 June 2018; pp. 1799–1803. [Google Scholar] [CrossRef]
  24. Cömert, Z.; Kocamaz, A.F. A study of artificial neural network training algorithms for classification of cardiotocography signals. Bitlis Eren Univ. J. Sci. Technol. 2017, 7, 93–103. [Google Scholar] [CrossRef]
  25. Reddy, G.T.; Reddy, M.P.K.; Lakshmanna, K.; Kaluri, R.; Rajput, D.S.; Srivastava, G.; Baker, T. Analysis of Dimensionality Reduction Techniques on Big Data. IEEE Access 2020, 8, 54776–54788. [Google Scholar] [CrossRef]
  26. Kadhim, N.J.A.; Abed, J.K. Enhancing the Prediction Accuracy for Cardiotocography (CTG) using Firefly Algorithm and Naive Bayesian Classifier. IOP Conf. Ser. Mater. Sci. Eng. 2020, 745, 012101. [Google Scholar] [CrossRef]
  27. Feng, J.; Liang, J.; Qiang, Z.; Li, X.; Chen, Q.; Liu, G.; Hong, J.; Hao, Z.; Wei, H. Effective techniques for intelligent cardiotocography interpretation using XGB-RF feature selection and stacking fusion. In Proceedings of the 2021 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Houston, TX, USA, 9–12 December 2021; pp. 2667–2673. [Google Scholar] [CrossRef]
  28. Dwivedi, P.; Khan, A.A.; Mugde, S.; Sharma, G. Diagnosing the major contributing factors in the classification of the fetal health status using cardiotocography measurements: An AutoML and XAI approach. In Proceedings of the 2021 13th International Conference on Electronics, Computers and Artificial Intelligence (ECAI), Pitesti, Romania, 1–3 July 2021; pp. 1–6. [Google Scholar] [CrossRef]
  29. Piri, J.; Mohapatra, P.; Dey, R. Multi-objective Ant Lion Optimization Based Feature Retrieval Methodology for Investigation of Fetal Wellbeing. In Proceedings of the 2021 Third International Conference on Inventive Research in Computing Applications (ICIRCA), Coimbatore, India, 2–4 September 2021; pp. 1732–1737. [Google Scholar] [CrossRef]
  30. Lal, A.K.; Karthikeyan, S. Deep Learning Classification of Fetal Cardiotocography Data with Differential Privacy. In Proceedings of the 2022 International Conference on Connected Systems and Intelligence (CSI), Trivandrum, India, 31 August–2 September 2022; pp. 1–5. [Google Scholar] [CrossRef]
  31. Chen, M.; Yin, Z. Classification of Cardiotocography Based on the Apriori Algorithm and Multi-Model Ensemble Classifier. Front. Cell Dev. Biol. 2022, 10, 888859. [Google Scholar] [CrossRef] [PubMed]
  32. Zhang, Y.; Zhao, Z. Fetal State Assessment Based on Cardiotocography Parameters Using PCA and AdaBoost. In Proceedings of the 10th International Congress on Image and Signal Processing, BioMedical Engineering and Informatics, Shanghai, China, 14–16 October 2017. [Google Scholar] [CrossRef]
  33. Fei, Y.; Huang, X.; Chen, Q.; Chen, J.; Li, L.; Hong, J.; Hao, Z.; Wei, H. Automatic Classification of Antepartum Cardiotocography Using Fuzzy Clustering and Adaptive Neuro -Fuzzy Inference System. In Proceedings of the 2020 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Seoul, Republic of Korea, 16–19 December 2020; pp. 1938–1942. [Google Scholar] [CrossRef]
  34. Huddar, P.P.; Sontakke, S.A. Acquiring Domain Knowledge for Cardiotocography: A Deep Learning Approach. In Proceedings of the 2019 3rd International Conference on Informatics and Computational Sciences (ICICoS), Semarang, Indonesia, 29–30 October 2019; pp. 1–6. [Google Scholar] [CrossRef]
  35. Chawla, N.V.; Bowyer, K.W.; Hall, L.O.; Kegelmeyer, W.P. SMOTE: Synthetic Minority Over-sampling Technique. J. Artif. Intell. Res. 2002, 16, 321–357. [Google Scholar] [CrossRef]
  36. Antony, X.R. Classification of Fetal Cardiotocography. 2015. Available online: https://cscu-ccsu.userservices.exlibrisgroup.com/view/delivery/01CSCU_CCSU/1280187560003453// (accessed on 12 March 2022).
  37. von Elm, E.; Altman, D.G.; Egger, M.; Pocock, S.J.; Gøtzsche, P.C.; Vandenbroucke, J.P. The Strengthening the Reporting of Observational Studies in Epidemiology (STROBE) statement: Guidelines for reporting observational studies. Ann. Int. Med. 2007, 147, 573–577. [Google Scholar] [CrossRef]
  38. Tong, Y.; Hong, Z. Hyper-Parameter Optimization: A Review of Algorithms and Applications. arXiv 2020, arXiv:cs.LG/2003.05689. [Google Scholar]
  39. Yin, Y.; Bingi, Y. Using Machine Learning to Classify Human Fetal Health and Analyze Feature Importance. BioMedInformatics 2023, 3, 280–298. [Google Scholar] [CrossRef]
  40. Das, S.; Mukherjee, H.; Roy, K.; Saha, C.K. Fetal Health Classification from Cardiotocograph for Both Stages of Labor A Soft-Computing-Based Approach. Diagnostics 2023, 13, 858. [Google Scholar] [CrossRef]
  41. De Campos, D.A.; Rei, M.; Nunes, I.; Sousa, P.; Bernardes, J. SisPorto 4.0—Computer analysis following the 2015 FIGO Guidelines for intrapartum fetal monitoring. J. Matern. Fetal Neonatal Med. 2017, 30, 62–67. [Google Scholar] [CrossRef]
  42. Bernardes, J. Computerized analysis of cardiotocograms in clinical practice and the SisPorto® system thirty-two years after: Technological, physiopathological and clinical studies. J. Perinat. Med. 2023, 51, 145–160. [Google Scholar] [CrossRef] [PubMed]
  43. Lopes-Pereira, J.; Costa, A.; Ayres-De-Campos, D.; Costa-Santos, C.; Amaral, J.; Bernardes, J. Computerized analysis of cardiotocograms and ST signals is associated with significant reductions in hypoxic-ischemic encephalopathy and cesarean delivery: An observational study in 38,466 deliveries. Am. J. Obstet. Gynecol. 2019, 220, 269.e1–269.e8. [Google Scholar] [CrossRef] [PubMed]
  44. Johansen, A. Monte Carlo Methods. In International Encyclopedia of Education, 3rd ed.; Peterson, P., Baker, E., McGaw, B., Eds.; Elsevier: Oxford, UK, 2010; pp. 296–303. [Google Scholar] [CrossRef]
  45. Močkus, J. On bayesian methods for seeking the extremum. In Proceedings of the Optimization Techniques IFIP Technical Conference, Novosibirsk, Russia, 1–7 July 1974; Marchuk, G.I., Ed.; Springer: Berlin/Heidelberg, Germany, 1975; pp. 400–404. [Google Scholar] [CrossRef]
Figure 1. Imbalanced CTG Dataset for Fetal Status.
Figure 1. Imbalanced CTG Dataset for Fetal Status.
Diagnostics 13 01931 g001
Figure 2. Imbalanced CTG Dataset for Morphological Pattern.
Figure 2. Imbalanced CTG Dataset for Morphological Pattern.
Diagnostics 13 01931 g002
Figure 3. Spearman Correlation of the CTG Dataset.
Figure 3. Spearman Correlation of the CTG Dataset.
Diagnostics 13 01931 g003
Figure 4. Flowchart of the Proposed Algorithm.
Figure 4. Flowchart of the Proposed Algorithm.
Diagnostics 13 01931 g004
Figure 5. ROC Curve and AUC of the Proposed Model for Fetal Status.
Figure 5. ROC Curve and AUC of the Proposed Model for Fetal Status.
Diagnostics 13 01931 g005
Figure 6. PR Curve of the Proposed Model for Fetal Status.
Figure 6. PR Curve of the Proposed Model for Fetal Status.
Diagnostics 13 01931 g006
Figure 7. Relation of Model Accuracy with the Number of Features Selected during a Complete Run for Fetal Status.
Figure 7. Relation of Model Accuracy with the Number of Features Selected during a Complete Run for Fetal Status.
Diagnostics 13 01931 g007
Figure 8. ROC Curve and AUC of the Proposed Model for CTG Morphological Pattern.
Figure 8. ROC Curve and AUC of the Proposed Model for CTG Morphological Pattern.
Diagnostics 13 01931 g008
Figure 9. PR Curve of the Proposed Model for CTG Morphological Pattern.
Figure 9. PR Curve of the Proposed Model for CTG Morphological Pattern.
Diagnostics 13 01931 g009
Figure 10. Relation of Model Accuracy with the Number of Features Selected during a Complete Run for CTG Morphological Pattern.
Figure 10. Relation of Model Accuracy with the Number of Features Selected during a Complete Run for CTG Morphological Pattern.
Diagnostics 13 01931 g010
Figure 11. SHAP Analysis Summary Plot for Fetal Status.
Figure 11. SHAP Analysis Summary Plot for Fetal Status.
Diagnostics 13 01931 g011
Figure 12. SHAP Analysis Summary Plot for CTG Morphological Pattern.
Figure 12. SHAP Analysis Summary Plot for CTG Morphological Pattern.
Diagnostics 13 01931 g012
Figure 13. NSP Distribution within the CTG Morphological Pattern CLASS.
Figure 13. NSP Distribution within the CTG Morphological Pattern CLASS.
Diagnostics 13 01931 g013
Table 1. Performance Measurement Metrics.
Table 1. Performance Measurement Metrics.
MetricsMetric Formula
Precision T P T P + F P
Recall (Sensitivity) T P T P + F N
F1-Score 2 T P 2 T P + F P + F N
Accuracy T P + T N T P + T N + F P + F N
Specificity T N T N + F P
Note: TP, true positives; TN, true negatives; FP, false positives; FN, false negatives.
Table 2. CTG Features/Predictors.
Table 2. CTG Features/Predictors.
FeaturesCode in DatasetDescription
Fetal Heart Rate (FHR) BaselineLBFHR measured in the number of heart beats per min
AccelerationsACNumber of AC per second
Fetal MovementsFMNumber of FM per second
Uterine ContractionsUCNumber of UC per second
Light DecelerationsDLNumber of DL per second
Severe DecelerationsDSNumber of DS per second
Prolonged DecelerationsDPNumber of DP per second
Abnormal Short-Term VariabilityASTVPercentage of time with ASTV
Mean Short-Term VariabilityMSTVMean value of STV
Abnormal Long-Term VariabilityALTVPercentage of time with ALTV
Mean Long-Term VariabilityMLTVMean value of LTV
Width of FHR HistogramWidth-
Minimum of FHR HistogramMIN-
Maximum of FHR HistogramMAX-
Number of Histogram PeaksNMAX-
Number of Histogram ZerosNZEROS-
Histogram ModeMode-
Histogram MeanMean-
Histogram MedianMedian-
Histogram VarianceVariance-
Histogram TendencyTendencyLeft asymmetric, Symmetric and Right asymmetric
Table 3. CTG Morphological Pattern Classes.
Table 3. CTG Morphological Pattern Classes.
Morphological PatternCode in DatasetDescription
Calm SleepA-
REM SleepBRapid Eye Movement
Calm VigilanceC-
Active VigilanceD-
Shift PatternEShifts between Class A or SUSP
Accelerative/Decelerative PatternADFetus Stress Situation
Decelerative PatternDEVagal Stimulation
Largely Decelerative PatternLD-
Flat-Sinusoidal PatternFSPathological State
Suspect PatternSUSP-
Table 4. Fetal Condition Assessment by FIGO Guidelines [1].
Table 4. Fetal Condition Assessment by FIGO Guidelines [1].
Fetal ConditionRemarksFHR
Assessment
Baseline rate is 110–160 bpm, Variability is 5–25 bpm, No decelerationFetus has no hypoxia, and acidosis, so no intervention is neededNormal
At least one characteristic of a normal case is missing while no pathological case is presentFetus has a low probability of having hypoxia and acidosis, so constant monitoring is requiredSuspect
Baseline rate is <100 bpm, reduced variability for >50 min (or increased variability for >30 min or sinusoidal pattern for >30 min), Decelerations are late or prolonged > 30 min (or 20 min if reduced variability or one prolonged deceleration >5 min)Fetus has a high probability of hypoxia and acidosis, so immediate intervention is requiredPathologic
Table 5. Performance Analysis of the Proposed Model for Fetal Status using Metrics of Table 1.
Table 5. Performance Analysis of the Proposed Model for Fetal Status using Metrics of Table 1.
Fetal StatusPrecisionRecallSpecificityF1-Score
Normal0.9844 (0.9527)0.9313 (0.9829)0.9928 (0.8360)0.9571 (0.9675)
Suspect0.9247 (0.8333)0.9800 (0.6944)0.9619 (0.9782)0.9515 (0.7575)
Pathological0.9907 (0.9183)0.9861 (0.9000)0.9950 (0.9917)0.9884 (0.9090)
Note: The values within parentheses ( ) are for the case when only basic RF was used without the proposed algorithm.
Table 6. Confusion Matrix of The Proposed Model for Fetal Status.
Table 6. Confusion Matrix of The Proposed Model for Fetal Status.
Predicted
NormalSuspectPathological
ActualNormal93.1% (98.3%)6.4% (1.5%)0.5% (0.2%)
Suspect1.5% (26.4%)98.0% (69.4%)0.5% (4.2%)
Pathological0.0% (2.0%)1.4% (8.0%)98.6% (90.0%)
Note: The values within parentheses ( ) are for the case when only basic RF was used without the proposed algorithm. Also for ease of comparison, the entries in the confusion matrix are depicted as percentages.
Table 7. Performance Analysis of the Proposed Model for CTG Morphological Pattern using Metrics of Table 1.
Table 7. Performance Analysis of the Proposed Model for CTG Morphological Pattern using Metrics of Table 1.
Morphology PatternPrecisionRecallSpecificityF1-Score
A0.9389 (0.8073)0.8092 (0.9166)0.9938 (0.9518)0.8692 (0.8585)
B0.9565 (0.8758)0.8859 (0.9241)0.9953 (0.9505)0.9198 (0.8993)
C0.9459 (1.0000)0.9929 (0.6363)0.9938 (1.0000)0.9688 (0.7777)
D0.9934 (0.8750)0.9934 (0.7000)0.9992 (0.9960)0.9934 (0.7777)
E0.9281 (1.0000)0.9872 (0.4583)0.9907 (1.0000)0.9567 (0.6285)
AD0.9302 (0.8658)0.9160 (0.8875)0.9931 (0.9756)0.9230 (0.8765)
DE0.9225 (0.9473)1.0000 (0.8307)0.9916 (0.9935)0.9597 (0.8852)
LD1.0000 (1.0000)0.9870 (1.0000)1.0000 (1.0000)0.9934 (1.0000)
FS0.9520 (0.8823)0.9720 (0.7894)0.9946 (0.9961)0.9619 (0.8333)
SUSP0.9225 (0.7959)0.9562 (0.9512)0.9916 (0.9796)0.9390 (0.8666)
Note: The values within parentheses ( ) are for the case when only basic RF was used without the proposed algorithm.
Table 8. Confusion Matrix of The Proposed Model for CTG Morphological Pattern.
Table 8. Confusion Matrix of The Proposed Model for CTG Morphological Pattern.
Predicted
ActualABCDEADDELDFSSUSP
A80.9 (91.7)1.3 (5.2)4.6 (0.0) 5.9 (0.0)0.7 (0.0)1.3 (1.0) 2.0 (0.0)3.3 (2.1)
B4.0 (3.4)88.6 (92.4)0.7 (0.0)0.0 (1.4)2.0 (0.0)4.7 (2.8)
C0.0 (36.4)0.7 (0.0)99.3 (63.6)
D 0.0 (25.0) 99.3 (70.0) 0.7 (5.0)
E0.0 (29.2)0.0 (8.3) 98.7 (45.8) 1.3 (16.7)
AD 2.3 (8.8) 0.8 (0.0) 91.6 (88.8)5.3 (2.4)
DE0.0 (6.2) 0.0 (9.2)100 (83.1) 0.0 (1.5)
LD 1.3 (0.0)98.7 (100)
FS0.0 (5.3) 97.2 (78.9)2.8 (15.8)
SUSP1.5 (0.0) 2.9 (4.9)95.6 (95.1)
Note 1: The values within parentheses ( ) are for the case when only basic RF was used without the proposed algorithm. Note 2: For ease of comparison, the entries in the confusion matrix are depicted as percentages. Note 3: The blank entries in the table equate to a value of 0.0.
Table 9. Overview of the Bayesian Optimization Module of the Proposed Model.
Table 9. Overview of the Bayesian Optimization Module of the Proposed Model.
ParameterFetal StatusCTG Morphological Pattern
Number of estimators (the number of trees in the forest)214179
Split criterionEntropyEntropy
Maximum number of features to consider for a split at a node (max_features) n u m b e r o f f e a t u r e s n u m b e r o f f e a t u r e s
Class weights parameterBalanced mode 1Balanced mode 1
1 This mode uses the values of y (target output) to automatically adjust weights inversely proportional to class frequencies in the input data.
Table 10. Comparison of this research with related works.
Table 10. Comparison of this research with related works.
Author(s)MethodAccuracy
Y. Zhang et al. [32]SVM with AdaBoost93%
M. Manikandan et al. [12]RF with Bagging96.61%
A. Batra et al. [19]RF93.41%
Y. Fei et al. [33]FCM-ANFIS96.39%
Z. Cömert et al. [24]Resilient Backpropagation93.60%
Z. Hoodbhoy et al. [20]XGBoost93%
N.J.A. Kadhim et al. [26]Naïve Bayes classifier with Firefly algorithm86.54%
K. Agrawal et al. [21]DT93.17%
A. K. Pradhan et al. [22]RF93%
M. Ramla et al. [23]CART90.12%
This ResearchCombination of AE, RFE, BO96.62%
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Akmal, H.; Hardalaç, F.; Ayturan, K. A Fetal Well-Being Diagnostic Method Based on Cardiotocographic Morphological Pattern Utilizing Autoencoder and Recursive Feature Elimination. Diagnostics 2023, 13, 1931. https://doi.org/10.3390/diagnostics13111931

AMA Style

Akmal H, Hardalaç F, Ayturan K. A Fetal Well-Being Diagnostic Method Based on Cardiotocographic Morphological Pattern Utilizing Autoencoder and Recursive Feature Elimination. Diagnostics. 2023; 13(11):1931. https://doi.org/10.3390/diagnostics13111931

Chicago/Turabian Style

Akmal, Haad, Fırat Hardalaç, and Kubilay Ayturan. 2023. "A Fetal Well-Being Diagnostic Method Based on Cardiotocographic Morphological Pattern Utilizing Autoencoder and Recursive Feature Elimination" Diagnostics 13, no. 11: 1931. https://doi.org/10.3390/diagnostics13111931

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop