Research - (2024) Volume 12, Issue 1

A FRAMEWORK FOR CLASSIFICATION OF FETAL HEALTH USING DEEP LEARNING
May Tamara Stow*
 
Department of Computer Science and Informatics, Federal University Otuoke, PMB 126, Yenagoa, Bayelsa State, Nigeria
 
*Correspondence: May Tamara Stow, Department of Computer Science and Informatics, Federal University Otuoke, PMB 126, Yenagoa, Bayelsa State, Nigeria, Email:

Received: Mar 06, 2024, Manuscript No. IJCSMA-24-128949; Editor assigned: Mar 08, 2024, Pre QC No. IJCSMA-24-128949 (PQ); Reviewed: Mar 15, 2024, QC No. IJCSMA-24-128949 (Q); Revised: Mar 20, 2024, Manuscript No. IJCSMA-24-128949 (R); Published: Mar 31, 2024

Abstract

Research on child and maternal mortality risk factors has identified limited access to quality healthcare services as a significant cause of adverse outcomes. Inadequate prenatal care and skilled birth attendance increase the risk of complications during pregnancy and childbirth. A lack of essential healthcare infrastructure in rural or remote areas further exacerbates this risk. By identifying these access-related risk factors, policymakers and healthcare providers can implement strategies to improve healthcare accessibility and save countless lives. The paper presents a deep learning framework for detecting the three stages of fetal health. The dataset was highly imbalanced but solved by oversampling using the random over sampling technique. The ten most essential features were selected using a random forest classifier, and the results were used to build a convolutional neural network model to classify the stages of fetal health with high accuracy.

Keywords

Fetal health; Mortality rate; Deep learning; Convolutional neural network

Introduction

Analyzing the factors that contribute to the risk of child and maternal mortality is crucial in understanding the root causes and developing effective interventions to prevent these tragic outcomes. One key factor that increases the risk of both child and maternal mortality is the limited availability of quality healthcare services. Insufficient prenatal care and skilled attendance during childbirth significantly raise the chances of complications, leading to adverse outcomes. In rural or remote areas, the absence of essential healthcare infrastructure, such as hospitals, clinics, and trained healthcare professionals, further exacerbates the risk [1].

Identifying these access-related risk factors enables policymakers and healthcare providers to implement strategies aimed at improving healthcare accessibility and saving numerous lives.

Socioeconomic factors also play a significant role in child and maternal mortality risks. Poverty, food insecurity, and limited education levels are associated with higher mortality rates among mothers and children. Poverty often hinders access to adequate nutrition, resulting in maternal malnutrition and increased vulnerability to complications. Moreover, limited educational opportunities contribute to a lack of knowledge about proper healthcare practices, family planning, and early childhood care, perpetuating the cycle of mortality risks. Addressing these socioeconomic risk factors requires comprehensive strategies to alleviate poverty, improve education, and ensure access to adequate nutrition and social support systems [2].

Another critical risk factor for child and maternal mortality is the prevalence of infectious diseases, particularly in low-income and developing countries. Diseases such as malaria, pneumonia, diarrhea, and HIV/AIDS pose significant threats to both mothers and children. Pregnant women and young children have weaker immune systems, making them more susceptible to infections and their severe consequences. Insufficient access to preventive measures, vaccinations, and appropriate treatment further escalates the risks. Countries can make substantial progress in reducing child and maternal mortality rates by prioritizing infectious disease control through vaccinations, public health campaigns, and improved healthcare infrastructure [3].

Literature Review

In a study, the performance of seven machine learning algorithms was compared to predict child and maternal mortality risk factors using clinical data [4]. Performance metrics such as accuracy, precision, and recall were utilized. The random forest algorithm emerged as the top performer, achieving an impressive accuracy of 99.98%. Despite the imbalanced initial dataset, applying under-sampling and oversampling techniques improved performance across all algorithms.

In another study, researchers focused on the classification of fetal health using different machine learning models and the cardiotocography dataset [5]. They compared algorithms such as random forest, logistic regression, decision tree, support vector classifier, voting classifier, and K-nearest neighbor. The random forest model exhibited the highest accuracy, achieving 97.51%.

In a different investigation, additive logistic regression, k-Nearest Neighbors (k-NN), and random subspace classifiers were employed to analyze CTG data to classify specific fetuses [6]. The Logiboost algorithm outperformed k-NN and random subspace in terms of accuracy, achieving an accuracy rate of 92.16% on both the training and testing sets. Logiboost and random subspace performed well and outperformed k-NN in feature selection.

In a proposal, a technique was presented to improve the accuracy of fetal weight estimation and identify potential risks before delivery [7]. The researchers analyzed a clinical dataset comprising 7875 singleton fetuses and addressed the imbalanced learning problem using the Synthetic Minority Oversampling Technique (SMOTE). The Support Vector Machine (SVM) algorithm was employed for fetal weight classification, while the Deep Belief Network (DBN) was utilized for fetal weight estimation based on ultrasound parameters. The proposed model outperformed commonly used regression formulas, yielding a Mean Absolute Percent Error (MAPE) of 6.09% and a Mean Absolute Error (MAE) of 198.55g.

In a comparative study, Rahmayanti et al. assessed fetal health using machine learning algorithms based on heart rate data [8]. They utilized a dataset from the UCI Machine Learning Repository containing data from 2126 pregnant women. Five of the seven algorithms achieved high accuracy, ranging from 89% to 99% across three different scenarios, with the LGBM algorithm consistently providing reliable results in all scenarios.

Another analysis focused on fetal heart rate analysis using cardiograph data and known classifiers [9]. The study employed characteristic measurements of FHR and uterine contractions obtained from cardiograms on CTG. The Naive Bayes approach exhibited promising results, with the survey achieving good performance at 85.50% f-measure, 84.88% assurance, 94.60% accuracy, 85.90% recall, and 94.60% precision under specific conditions.

Using rough neural networks, a study explored cardiotocography classification by employing various data mining algorithms such as recurrent neural networks, decision tables, bagging, nearest neighbors, decision trees, and support vector machines [10]. The Recurrent Neural Network (RNN) algorithm achieved a high accuracy of 92.95%.

In another investigation, machine learning techniques were utilized to classify fetal heart rate [11]. The dataset comprised 2126 instances of fetal health data, and SVM, ELM, ANN, RBFN, and RF algorithms were employed. The Artificial Neural Network (ANN) exhibited the best performance with 99.73% sensitivity and 97.94% specificity.

A study analyzed cardiotocographic data using machine learning algorithms for fetal health classification [12]. Different classification algorithms were compared using a dataset consisting of 21 features. Random Forest outperformed all other algorithms, achieving the highest accuracy of 93%, followed closely by SVM with a 93% accuracy rate.

In a study on tree-based ensemble learning, cardiotocography data was utilized to predict fetal health risks [13]. The dataset comprised 2126 observations, and the Random Forest classifier algorithm achieved an accuracy rate of 93.46%, representing an improvement over previous methods.

The classification of fetal heart rates was investigated using empirical mode decomposition and support vector machines [14]. The datasets were categorized into 'normal' or at risk' based on expert classifications. Cross-validation results revealed an accuracy rate of 86% and a geometric mean of 94.8% for sensitivity and specificity measures.

Another study evaluated the use of contraction-dependent fetal heart rate variability to detect distress in fetuses [15]. The researchers analyzed 100 recordings and employed support vector machines with a genetic algorithm for feature selection. The classification performance improved from 70% to 79% for segments closest to birth.

A research effort focused on detecting periodic changes in fetal heart rate using FHR and UCP recordings the proposed methods aimed to identify acceleration, deceleration, and sinusoidal heart rates. The Random Forest algorithm achieved an accuracy rate of 93% for sinusoidal heart rate classification.

Finally, a review article provided an overview of machine learning techniques in fetal cardiology, emphasizing their potential to enhance image acquisition, quantification, segmentation, and diagnosis of fetal cardiac abnormalities and remodeling during pregnancy.

Design Methodology

The design methodology shows the process and steps in building a model for detecting and classifying fetal health. This can be seen in Figure 1.

ijcsma-Architectural

Figure 1: Architectural design of the proposed system.

Data Gathering

The dataset consists of 2126 entries that include features extracted from Cardiotocogram exams. Three experienced obstetricians evaluated these exams, classifying them into Normal, Suspicious, and Pathological categories. Cardiotocograms (CTGs) provide a convenient and affordable means to assess the well-being of the fetus, enabling healthcare providers to take necessary measures to prevent infant and maternal mortality. The CTG equipment operates by transmitting ultrasound pulses and analyzing the resulting signals, providing information about Fetal Heart Rate (FHR), fetal movements, uterine contractions, and other relevant factors.

Data Preprocessing

We carried out a data cleaning to check if there were missing values on the dataset. We also used the MinMaxScaler function for the normalization of the data. The normalization of the data has to do with bringing the data to a unified form. The mathematical expression for data normalization using MinMaxScaler can be seen:

normalized_value = a + (x - x_min) × (b - a) / (x_max - x_min) (1)

In this formula, x represents the original value, x_min is the minimum value in the dataset, x_max is the maximum value in the dataset, and a and b are the desired minimum and maximum values for the normalized range.

Feature Selection

We utilized a random forest classifier to select the dataset's most essential features. The feature selection involves assessing the importance of each feature in the dataset and selecting the most relevant ones for model training. The process typically consists of evaluating the feature importance scores generated by the random forest algorithm. These scores indicate how much each feature contributes to the model's predictive power.

Model Training

The Convolutional Neural Network (CNN) model was used for the detection/classification of fetal health. The CNN model was trained using the following:

Input Features

The input features contain the features of the fetal health records. The records comprise results that were obtained from 2126 patients.

The Convolutional Layer

Maps the input features into an n x m matrix. This is achieved by using the Word2vec function in Python.

Maxpooling Layer

This selects the maximum malware features (fetal health features) from the mapped features and converts them into a 3D matrix.

Fully Connected Layer

Here, the vectorization of the maximum selected features is transformed to produce an output that can be normal, suspicious, and pathological.

Results

An experiment was carried out utilizing Jupyter Notebook technology to investigate the capabilities of detecting or classifying fetal health. The experiment consisted of two distinct phases. An Exploratory Data Analysis (EDA) was performed in the initial phase of the dataset. A CNN model was trained to detect or classify fetal health in the subsequent phase.

Exploratory Data Analysis

We performed an Exploratory Data Analysis (EDA) on the dataset to gain better insight. We first plotted a counterplot on the categorical column to determine if there is a minority class on the dataset. This made the dataset imbalanced. The count plot that displays the imbalanced dataset can be seen in Figure 2. The imbalance problem was solved by performing oversampling using the Random Oversampling technique in Python to have a better training result. We plotted a count plot to see if the imbalance problem had been solved. The visualized count plot can be seen in Figure 3. Next, we checked for the most essential features of the dataset. Because the dataset contains 19 features, excluding the categorical column, we employed the random forest classifier to select the ten (10) most important features. The random forest classifier calculated the most essential features by attaching a score to each feature. The ten (10) most important features of the dataset can be seen in Table 1 and Figure 4.

Table 1. Ten most important features.

S/No Features Important Features
1 Abnormal_short_term_variability 0.136257
2 Percentage_of_time_with_abnormal_long_term_variability 0.128275
3 Mean_value_of_short_term_variability 0.105126
4 Histogram_mean 0.09835
5 Histogram mode 0.057339
6 Histogram_median 0.053573
7 Mean_value_of_long_term_variability 0.048899
8 Accelerations 0.046324
9 Histogram_min 0.042347
10 Baseline value 0.041563
ijcsma-Plot

Figure 2: Count Plot of the imbalanced dsata.

ijcsma-balanced

Figure 3: Count Plot of the balanced data.

ijcsma-Visualization

Figure 4: Visualization of the ten most essential features of the dataset.

Model Training with CNN

The ten most important features were used as input parameters on the CNN model. The convolutional neural network was built using a fully connected layer of three. One input layer, one hidden layer, and an output layer show if the operations carried out on the operating system are malicious or normal. The Convolutional Neural Network was trained using a batch size of 64, a training epoch of 2,0, and a learning rate of 0.01, a dense layer of 128 for the first layer, 64 for the second layer, and 64 for the third layer, and it's activation function was softmax. The training step for the first ten epochs can be seen in Figure 5. The evaluation matrix regarding training and validation loss can be seen in Figures 6 and 7. The confusion matrix and classification report can be seen in Figure 8 and Figure 9.

ijcsma-Training

Figure 5: Training steps of the model.

ijcsma-accuracy

Figure 6: Training and validation accuracy of the model.

ijcsma-validation

Figure 7: Training and validation loss.

ijcsma-report

Figure 8: Classification report.

ijcsma-matrix

Figure 9: Confusion matrix of the CNN model.

Discussion

Figure 2 shows the count plot of the dataset from the experiment conducted. The count plot indicates that the dataset is highly imbalanced. This is because the class with the highest number of instances is the regular class, and the minority class is that of the pathological class. The count plot in Figure 3 shows that the imbalanced problem of the dataset has been resolved, making them all equal number of instances. Table 1 shows the most essential features of the dataset. This offers the ten most important features of the dataset. This was achieved using a random forest classifier. The random forest classifier shows the most essential features by calculating a score. The scores are used to indicate the ten most important features. The graphical representation of the ten most important features of the dataset can be seen in Figure 4.

Figure 5 shows the training steps of the model for the first ten steps. The training step offers the accuracy and loss for both training and validation tests. It also shows the time spent in completing one training step. Figure 6 shows a line graph showing the accuracy of the training and validation tests. From the graph, the training model achieved a training accuracy of 99.99% for training and 99.98% for validation. Figure 7 shows the model's loss values for training and validation. Both the training and validation tests are below 0.1%. Figure 8 shows the classification report of the model. The classification report shows that the model achieved an approximated value of 100% for precision, recall, f1-score, and accuracy. Figure 9 shows the confusion matrix; from the confusion matrix, the model has a very minimal value for both the expected, suspicious, and pathological classes.

Conclusion

Child and maternal mortality risk factor analysis is crucial in identifying the underlying causes and developing effective interventions to reduce these tragic outcomes. This paper presents a deep learning framework for the detection/classification of the three stages of fetal heath. In this paper, we carried out an exploratory data analysis to better understand the dataset. The experimental data analysis results show that the dataset needed more balanced. We solved the data imbalance by performing oversampling using the Random over sampling technique. We selected the ten most essential features using a random forest class for better training results. The random forest classifier was used to choose the ten most important features of the dataset. The result of the selected features was used in building a convolutional neural network model to classify the stages of fatality health. The result of the CNN model shows a better performance for both training and validation, having an accuracy result of 99.99% for training and 99.98% for testing.

Acknowledgment

I conducted this research with the opportunity provided by the Department of Computer Science, Federal University Otuoke, and Nigeria. Therefore, I express my gratitude and acknowledge their support.

References