Next Article in Journal
Mechanical Characteristics and Bioactivity of Nanocomposite Hydroxyapatite/Collagen Coated Titanium for Bone Tissue Engineering
Previous Article in Journal
Bioactive Materials for Next-Generation Dentistry
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Deep Learning Approach for Detecting Stroke from Brain CT Images Using OzNet

1
Institute of Science, Department of Statistics, Beytepe Campus, Hacettepe University, Ankara 06800, Turkey
2
Gaziosmanpasa Training and Research Hospital, Pediatric Neurology, Health Sciences University, Gaziosmanpasa, Istanbul 34779, Turkey
3
Institute of Biomedicine, Faculty of Medicine, University of Turku, 20520 Turku, Finland
4
Department of Computer Science, College of Engineering, Effat University, Jeddah 21478, Saudi Arabia
*
Author to whom correspondence should be addressed.
Bioengineering 2022, 9(12), 783; https://doi.org/10.3390/bioengineering9120783
Submission received: 5 November 2022 / Revised: 1 December 2022 / Accepted: 4 December 2022 / Published: 8 December 2022

Abstract

:
A brain stroke is a life-threatening medical disorder caused by the inadequate blood supply to the brain. After the stroke, the damaged area of the brain will not operate normally. As a result, early detection is crucial for more effective therapy. Computed tomography (CT) images supply a rapid diagnosis of brain stroke. However, while doctors are analyzing each brain CT image, time is running fast. This circumstance may lead to result in a delay in treatment and making errors. Therefore, we targeted the utilization of an efficient artificial intelligence algorithm in stroke detection. In this paper, we designed hybrid algorithms that include a new convolution neural networks (CNN) architecture called OzNet and various machine learning algorithms for binary classification of real brain stroke CT images. When we classified the dataset with OzNet, we acquired successful performance. However, for this target, we combined it with a minimum Redundancy Maximum Relevance (mRMR) method and Decision Tree (DT), k-Nearest Neighbors (kNN), Linear Discriminant Analysis (LDA), Naïve Bayes (NB), and Support Vector Machines (SVM). In addition, 4096 significant features were obtained from the fully connected layer of OzNet, and we reduced the dimension of features from 4096 to 250 using the mRMR method. Finally, we utilized these machine learning algorithms to classify important features. As a result, OzNet-mRMR-NB was an excellent hybrid algorithm and achieved an accuracy of 98.42% and AUC of 0.99 to detect stroke from brain CT images.

1. Introduction

A stroke is the most general neurological reason for death and inability worldwide [1,2]. A stroke, also specifying a cerebrovascular injury, occurs as a result of the brain arteries’ ischemia or hemorrhage and commonly causes diverse motor and cognitive damages that risk functionality [3]. Approximately 16 million people suffer from stroke in the world [3]. The primary stage is the early detection of the stroke. Notably, when determining the cause of injury made to the brain cells, the doctors significantly benefit from brain imaging techniques. CT and Magnetic resonance imaging (MRI) are the imaging techniques for brain strokes. When diagnosing the stroke, an MRI is generally used. However, in emergencies, it is more advantageous to utilize a CT due to the time constraint. Therefore, a much more rapid assessment is vital for patients. The researchers targeted the rapid recognition of the disease from MRI or CT using artificial intelligence such as deep learning algorithms to help doctors [4,5,6].
In this paper, we proposed a convolution neural networks (CNN) architecture to classify brain stroke CT images effectively, called OzNet [7]. Here, we combined it with machine learning methods such as DT, kNN, LDA, NB, and SVM. Primarily, OzNet has been used for a binary (stroke and normal) classification of the CT dataset. Although OzNet obtained acceptable results, we utilized it for a deep feature extraction from the images. In this stage, 4096 features were obtained from OzNet’s fully connected layer. Then, we used a minimum Redundancy Maximum Relevance (mRMR) method to reduce the dimension of the features, and 250 features were selected with this method. Thus, we classified important features using machine learning algorithms. Figure 1 shows several hemorrhagic stroke CT images, and arrows display the stroke lesion. In this paper, we utilized these images in the "stroke" class. As a result, the main aim of this paper is to present the best structure for detecting stroke from brain CT images. Our hypothesis is that OzNet gives better results than previous works.
The rest of the paper is arranged as follows:
We presented literature review in Section 2. Then, we briefly represented the dataset and methods in Section 3. We interpreted the performance metrics for each experiment in Section 4. We also discussed the results and compared them with prior studies in Section 4. The conclusion is given in Section 5.

2. Literature Review

Jayachitra and Prasanth [8] proposed a new optimized fuzzy level segmentation algorithm to determine the stroke lesions. Then, they extracted the multi-textural features to compose a feature set. In addition, they classified these features with the proposed weighted Gaussian Naïve Bayes as normal and abnormal (stroke) classes. As a result, they obtained a 99.32% accuracy, 96.87% sensitivity, and 98.82% F1 measure using the proposed method.
Subuddhi et al. [9] used an MRI, which is generally utilized for the correct diagnosis of stroke. Essentially, they introduced an algorithm having the decision system to ascertain the stroke utilizing MRI images’ diffusion-weighted image sequence.
Additionally, their study included both segmentation and classification parts. Primarily, they expressed that the stroke has three classes: partial anterior circulation syndrome, lacunar syndrome, and total anterior circulation stroke. Next, they segmented the region of the stroke by applying an expectation–maximization algorithm. Further, in order to increase the detection accuracy, they utilized the fractional-order Darwinian particle swarm optimization technique. In the classification part, they utilized SVM and random forest (RF) classifiers for extracted features from segmented regions. Finally, they obtained an accuracy of 93.4% with the RF classifier.
Bento et al. [10] proposed an SVM for automatically detecting stroke from brain MRI. In addition, they possessed 401 samples with four classes and finally acquired an accuracy rate of 97.5%, a sensitivity of 96.4%, and a specificity of 97.9%.
Kasabov et al. [11] suggested a novel evolving spiking neural network reservoir system to predict cases and individualized modeling of Spectro-temporal data. When they compared their proposed method with traditional machine learning algorithms, such as multiple linear regression, multi-layer perceptron (MLP), and SVM, their experimental results showed that the proposed method had the highest accuracy of 94%.
Karthik et al. [12] used a deep fully convolutional network with the supervised approach for segmentation ischemic region. Furthermore, they highlighted the implementation of Leaky Rectified Linear Unit activation inside the last two layers of the architecture. In addition, they expressed that performing this method could learn extra features not being in U-Net architecture. As a result, they obtain a Dice coefficient of 0.70.
Rebouças Filho et al. [13] proposed a novel technique to extract features that propped up radiological density patterns of the brain and named Analysis of Brain Tissue Density. Moreover, they utilized this technique for extracting features from brain CT images. Additionally, to evaluate their proposed method, they utilized five machine learning algorithms: MLP, SVM, k-Nearest Neighbors (kNN), and the Optimum Path Forest (OPF). Consequently, they achieved the best accuracy of 99.30% with ABTD-OPF.
Vargas et al. [14] performed a classification with artificial neural networks to CT perfusion images using k-fold cross-validation. Further, they utilized 396 perfusion images and obtained an accuracy of 85.8%.
Dourado Jr. et al. [15] developed an IoT system to detect and classify stroke from brain CT images online. Additionally, in the extraction features phase, they used the pre-trained architectures DenseNet121, DenseNet169, DenseNet201, InceptionResNetv2, InceptionV3, MobileNet, NasNetLarge, NasNetMobile, ResNet50, VGG-16, VGG-19, and Xception to extract features from two types of brain images. Moreover, in the classification phase, they merged these with Machine Learning (ML) algorithms: Bayes classifier, MLP, kNN, RF, SVM (linear), and SVM (radial basis function). Generally, they stated that the experiments achieved very good results. However, CNN- kNN gave an accuracy of 100%, especially for both types of images. Notably highlighted in the study, the MobileNet-ML was the structure that yields the fastest results in terms of time consumption.
Li et al. [16] classified stroke-associated pneumonia data which is collected from the National Advanced Stroke Center of Nanjing First Hospital (China) including 3160 patients. In the pre-processing stage, they split into the data a training set and a testing set. Next, they classified the data with five ML algorithms: logistic regression, SVM, RF classifier, extreme gradient boosting (XGBoost), and fully connected deep neural network (DNN). In the experimental results, while they obtained the highest accuracy of 76.3% using DNN, they acquired the highest area under the curve (AUC) value of 0.841 utilizing XGBoost.
Gautam and Raman [17] collected brain CT images data from the Himalayan Institute of Medical Sciences, Dehradun, India. In the study, they suggested CNN architectures in order to classify brain CT images, which were included in three classes. In addition, they implemented 10-fold cross-validation, divided it into testing and training sets, and created two datasets: dataset 1, which included binary classes (hemorrhagic, ischemic), and dataset 2, which had three classes (hemorrhagic, ischemic, and normal). When they split into dataset 1 as a training set of 80% and a testing set of 20%, they acquired an accuracy of 98.33%. In addition, while they implemented tenfold cross-validation to dataset 1, they obtained an accuracy of 98.77%. When similar processes were carried out in dataset 2, they got an accuracy of 92.22% and 93.33%, respectively.
Bacchi et al. [18] studied clinical brain CT data and predicted the National Institutes of Health Stroke Scale of ≥4 scores at 24 h or modified Rankin Scale 0–1 at 90 days (“mRS90”) using CNN+ Artificial Neural Network hybrid structure. As a result, they acquired the best prediction of mRS90 an accuracy of 74% using the structure.
Saritha et al. [19] integrated wavelet entropy-based spider web plots and probabilistic neural networks to classify brain MRI, which were normal brain, stroke, degenerative disease, infectious disease, and brain tumor in their study. First, in the pre-processing stage, they used two dimensional (2D) discrete wavelet transform (DWT) for brain images. In the feature extraction stage, they used spider web plots, and in the classification stage, implemented a probabilistic neural network. In the final, they expressed that classification accuracy was attained 100%.
El-Dahshan et al. [20] used DWT to extract features from brain MRI images. Then, they diminished to these for obtaining more efficient features by utilizing principal component analysis. Next, the extracted features were classified as normal and abnormal cases by utilizing a feed-forward back-propagation artificial neural network and kNN. In their study, classification results were revealed that the best classifier was kNN with an accuracy of 98%.
Xu et al. [21] proposed a novel diagnostic tool for the health of the brain. Their study included two phases: classification and segmentation of brain stroke CT images. Currently, Deep Learning algorithms (DL), ML algorithms, and created hybrid algorithms with DL–ML approaches are utilized in many studies for detecting brain stroke [8,22,23,24,25,26,27,28,29,30,31].
When the studies in the literature were examined, it is seen that their performances are not successful (accuracy below 95%) in stroke detection. Hence, a new deep learning architecture, OzNet is developed to achieve better performance in stroke detection. This architecture is not only considered as a classification algorithm but also as a deep feature extractor from images automatically. Additionally, our suggested framework was not computationally complex when compared to other methods, such as the transfer learning methods and the performance of the developed framework better than the previous studies.

3. Materials and Methods

3.1. Dataset

The dataset was collected from Lady Reading Hospital, Peshawar, Khyber Pakhtunkhwa, Pakistan in 2012 [32]. Then, Afridi et al. [32] created a descriptive study to detect risk factors such as age, gender, smoking, diabetes mellitus, and hypertension for brain stroke. In total, they studied 100 patients whose ages were 16 years and above and whose gender rates were 68% males and 32% females. Additionally, the brain CT images of these patients include 1551 normal and 950 stroke classes and a size of 650 × 650 grayscale for each image. However, we randomly equalized the dataset in order to overcome overfitting while training. Therefore, a new dataset was composed of 950 normal and 950 stroke classes and also resized 227 × 227 for each image.

3.2. A Novel CNN Architecture

Nowadays, it has become very significant to get rapid and correct results, especially in the field of health. For this reason, deep learning algorithms are widely used by researchers. In this paper, we create a novel deep learning approach called OzNet for 2D images. Although OzNet is seen as an ordinary CNN, it is composed of special parameters, filter sizes, filter numbers, padding, stride, and layers for taking robust results on biomedical images [7], detailed in Table 1.
OzNet is designed as a novel CNN architecture composed of 34 layers. There are seven blocks, and each block consists of a convolutional layer, a maximum pooling layer, a ReLU (Rectified Linear Unit) activation function, and a batch normalization layer. Next, 2 fully connected layers, a dropout layer, a SoftMax layer, and a classification layer are linked at the end of blocks, respectively. In this paper, we choose the ReLU function because of faster than others [33].
When OzNet is performed as a classifier, a cross-entropy approach is utilized. In addition, we used it for feature extraction from the images owing to having many convolution layers, effectively.
In this paper, we compared OzNet with GoogleNet [34], Inceptionv3 [35], and MobileNetv2 [36] for detecting stroke from the brain CT images and applied 10-fold cross-validation for these architectures. Moreover, we used data augmentation on the brain stroke CT images dataset. Additionally, we selected stochastic gradient descent momentum (sgdm) as the optimization method, the momentum parameter as 0.95, and the learning rate as 0.0001.

3.3. Minimum Redundancy Maximum Relevance (mRMR) Method

Minimum Redundancy Maximum Relevance, (mRMR) is a feature selection method that tries to minimize the residual between the features while selecting the features with the highest amount of correlation with the class [37]. The level of association is usually characterized by either the correlation coefficient or the mutual information [38]. According to this approach, the m features with the highest correlation may not always be the best. The residuals of m number of features need to be examined. At the same time, features that minimize these residuals should be selected. This method is used for the reduction of features [39], and we also benefitted from it.

3.4. Decision Tree (DT)

The decision tree (DT), which is a machine learning algorithm, is performed for regression or classification [40,41]. Ross Quinlan created the program C4.5 over 20 years ago [42]. If any decision tree is implemented as a classification algorithm, it will possess a hierarchical structure.
A decision tree is a form for stating mappings. A tree is either a leaf node tagged with a class or the construction of a test node connected to two or more subtrees [43]. A test node calculates some results based upon the feature values of a sample, where each possible result is linked with one of the subtrees. A sample is classified by beginning at the stem node of the tree. If this node is a test, the result of the sample is defined, and the process maintains using the proper subtree. When a leaf is met in the end, its label offers the predicted class of the sample, and a decision tree can be built from a set of samples by a divide-and-rule strategy. If all the samples are interested in the same class, the tree is a leaf with that class as a label. Otherwise, a test is chosen that has different results for at least two of the samples that are divided according to this result. The tree has as its root a node determining the test, and for each result in turn, the corresponding subtree is acquired by implementing the same process to the subset of samples with that result [44].

3.5. k-Nearest Neighbor (kNN)

The k-Nearest Neighbors (kNN) algorithm is a supervised learning algorithm, and kNN is utilized for classification problems [45]. The state of nearest is calculated using a distance metric such as a Euclidean distance [42]. Notably, the essential component of the nearest neighbor algorithm assigns an input sample vector y , which is not a known classification, to its nearest neighbor class [46,47]. This idea can be widened to the k-nearest neighbor with the vector happening assigned to the class that is symbolized by a larger number among the k-nearest neighbors [46]. When thinking of more than one neighbor, there is a probability of an association among the classes with the largest number of neighbors in the k-nearest neighbor group. An easy way to resolve this issue is to restrict the k values [46]. In this study, the k value is selected according to the minimum error rate. Generally, increasing the k value improves the training number [48]. In this study, we use Euclidean distance as the distance metric, and we also identify the same distance weight and the k value as 10.

3.6. Linear Discriminant Analysis (LDA)

Ronald Fisher put forward the Linear Discriminant Analysis (LDA) in 1936 [49]. LDA is a widely performed structure for data classification and dimensionality reduction [50]. It happens in the identification of the projection hyperplane that decreases minimum into class variance and rises maximum the distance among the projected means of classes [49]. The two goals could be solved by tackling an eigenvalue problem relating to eigenvectors determining the hyperplane of regard [49]. Essentially, this situation is the same as Principal Component Analysis [50]. While it is explaining the importance of the granted features and classifying and reducing dimensions, this hyperplane can be applied [49].

3.7. Naïve Bayes (NB)

The Naive Bayes (NB) is one of the machine learning algorithms, and its structure is more flexible in handling a diversity of features [51]. Conditional distribution p x i y can be chosen according to the distribution of a feature x i [40]. If a feature is binary, non-binary discrete, and continuous, it can respectively be selected Bernoulli, multinomial, and Gaussian distribution. The number of parameters is linear with the number of features [7,40]. Learning algorithms and inference can be used with some closed-form solutions that are also linear in the number of various features [7,40]. As a result, this algorithm is scalable to main situations that contain a wide number of different features [7,40].

3.8. Support Vector Machine (SVM)

Support Vector Machine (SVM) is performed for regression, classification, and outlier analysis. Additionally, it is a well-known machine learning algorithm and is preferred by researchers. Cortes and Vapnik [52] presented this algorithm in 1995. Notably, SVM has many distinguishing properties. It can analyze many high-dimensional datasets and obtain a high accuracy rate for classification [53]. Additionally, it uses a kernel-based method for the effective division of the datasets for classification [54]. Furthermore, it has a flexible and suitable structure, so it can be utilized with many algorithms.

4. Results and Discussion

In this paper, we benefited from all presented classifiers. Notably, we performed OzNet for feature extraction, then we classified it with these algorithms. Thus, we designed the best structure for the classification of brain stroke CT images. Figure 2 demonstrates the flowchart of the paper.
Cross-validation is a confident method for classification. The dataset is split randomly with the determined number of folds, and considering one of the sub-folds as the test fold, it trains the framework with left behind folds [7,54]. The progress is iterated up to a number of folds and is tested in the framework [55]. In this paper, we implemented 10-fold cross-validation.

4.1. Performance Metrics

In this paper, we assess classifiers with performance metrics: accuracy, sensitivity, specificity, precision, F1-Score, and G-mean [56,57,58]. Here, T P : True Positive, F P : False Positive, T N : True Negative, and F N : False Negative are presented in Table 2.

4.2. Receiver Operating Characteristic (ROC) Curve

When any classifier’s performances are evaluated, the receiver operating characteristic (ROC) curve is generally utilized in problems of classification. This curve’s x-axis and y-axis indicate the false positive rate and true positive rate, respectively. In general, the AUC is also calculated to determine whether a particular condition exists regarding test data. If the AUC value is approximately 1, the classifier possesses very good performance [57,59]. In this paper, we also calculated AUC values for each classifier, and we demonstrated ROC curves.

4.3. Experimental Results

In this paper, we presented a novel CNN architecture, named OzNet, and utilized it to classify brain stroke CT images as stroke and normal classes. This architecture is one of the highlights of this paper. Moreover, we merged it with the mRMR method and the machine learning algorithms DT, kNN, LDA, NB, and SVM, and therefore, we designed new hybrid algorithms to find the best algorithm for brain stroke CT images classification. These hybrid algorithms are also other highlights of this paper. When we utilized these hybrid algorithms for classification, OzNet was tasked as a feature extractor from the images. This paper’s results were obtained in MATLAB via NVIDIA GeForce GTX 950M, 16 GB RAM, Intel Core i7-7500U CPU, 64-bit Operating System. First, we resized all images in 227 × 227 .jpg format in the preprocessing stage. Next, we classified brain stroke CT images using OzNet and compared it with GoogleNet [34], Inceptionv3 [35], and MobileNetv2 [36] for the same dataset. Further, we applied 10-fold cross-validation, which is a very reliable method for each classification [7,54]. The performance results are exhibited in Table 3.
According to Table 3, when the brain stroke CT images were classified with Goog-leNet, Inceptionv3, MobileNetv2, and OzNet, it was seen that the best architecture is OzNet with an accuracy of 87.19% and 0.9488 AUC value. Next, the better one is MobileNetv2 with an accuracy of 87.36%, and GoogleNet and Inceptionv3 have accuracies of 79.42% and 75.74%, respectively.
Though the performance of OzNet is acceptable, we combine it with classical ML algorithms. First, we trained OzNet and saved this network. Then, we split the dataset again training 70% and testing 30%, and hence, activated this network. Eventually, 4096 features were obtained from FC-8 (fully connected layer name, shown in Table 1) for each image. Then, we classified these features with classical ML algorithms. Table 4 displays performance metrics of the hybrid algorithms.
When we examined the performance metrics of OzNet in Table 4, essentially it was seen as successful with an accuracy of 87.87% and similar to other performance metrics.
According to Table 4, we can express that the highest performance belongs to the OzNet-SVM hybrid algorithm with an accuracy of 96.54%. It also has a sensitivity of 95.94%, a specificity of 97.14%, a precision of 97.11%, an F1 score of 96.54%, and an AUC value of 0.9921.
When we investigated in Table 4, OzNet-DT obtained an accuracy of 90.38% and sensitivity, specificity, precision, F1-score, G-mean, and AUC value of 90.23%, 90.53%, 90.5%,90.36%, 90.38%, and 0.9238, respectively.
When we viewed the results in Table 4, OzNet-kNN achieved an accuracy of 95.34% and sensitivity, specificity, precision, F1-score, G-mean, and AUC value of 94.89%, 95.79%, 95.75%,95.32%, 95.34%, and 0.9534, respectively.
When we analyzed in Table 4, OzNet-LDA achieved an accuracy of 96.39% and sensitivity, specificity, precision, F1-score, G-mean, and AUC value of 96.69%, 96.09%, 96.11%,96.40%, 96.39%, and 0.9937, respectively. The hybrid algorithm was also successful, and the AUC value was close to 1. However, its accuracy was lower than OzNet-SVM. Therefore, we declared that the best one is OzNet-SVM in this stage.
When we analyzed in Table 4, OzNet-NB had an accuracy of 96.32% and sensitivity, specificity, precision, F1-score, G-mean, and AUC value of 97.74%, 94.89%, 95.03%,96.37%, 96.31%, and 0.9637, respectively.
The results are highly promising. However, our obtained features were over 4000, and we needed to diminish the number of features to an acceptable size in order to have confident results. Therefore, 4096 features were reduced to 250 features using the mRMR method. Then, the reduced features were also classified with classical ML techniques and thus, we created new advanced hybrid algorithms. All these implementations were exhibited in Figure 2, briefly. Figure 2 includes the question “Is the accuracy acceptable?”, which is based on the performance criteria, such as an accuracy above 95%. Table 5 shows performance metrics of advanced hybrid algorithms after using mRMR.
According to Table 5, all advanced hybrid algorithms achieve better performance when compared with Table 4 results. Reduced features using mRMR achieved more effective results.
According to Table 5, we can state that the OzNet-mRMR-kNN and OzNet-mRMR-NB hybrid algorithms hit the top with the same accuracy of 98.42%. However, their other performance metrics are not the same. When OzNet-mRMR-kNN was examined, it had a sensitivity of 98.6%, a specificity of 98.25%, a precision of 98.25%, an F1 score of 98.42%, and an AUC value of 0.9842. When OzNet-mRMR-NB was analyzed, it achieved a sensitivity of 97.54%, a specificity of 99.3%, a precision of 99.29%, an F1 score of 98.41%, and an AUC value of 0.9909. The hybrid algorithm was also successful, and the AUC value was close to 1. Therefore, we could indicate that the best algorithm is OzNet-mRMR-NB.
In conclusion, all these stages indicate that deep learning algorithms achieve reliable results when they are supported with a feature extraction and machine learning algorithm.
Figure 3 shows the confusion matrices of OzNet hybrid algorithms belonging to brain stroke CT images. In addition, Figure 4 shows the ROC curve of the OzNet hybrid algorithms. Figure 5 also indicates a comparison of the hybrid algorithms performance.

5. Discussion

In this paper, we designed a novel structure for determining stroke from brain CT images. Essentially, this study has some advantages and disadvantages. First, we presented advantages of the study as follows. (i) We designed a new deep learning algorithm, OzNet. (ii) OzNet is compared with famous algorithms: GoogleNet, Inceptionv3, and MobileNetv2. (iii) A 10-fold cross validation is utilized to get reliable results while training these algorithms, and the classification results showed that OzNet is successful to detect stroke. (iv) Then, 4096 features were extracted from a fully connected layer of OzNet for each image. In this stage, OzNet was employed as a deep feature extractor. (v) The dimension of the extracted features was reduced using mRMR dimension reduction method; hence, 250 features were obtained, and the model reliability was achieved. (vi) Then, 250 features were utilized with classical ML algorithms and tested for the prediction. Therefore, OzNet-mRMR-NB achieved the best performance among the hybrid models, and Table 5 exhibits the performance of hybrid algorithms. The disadvantages of the study are as follows. (i) The binary classes (normal and stroke) were analyzed. We could not use different stroke types. (ii) The CT images were used instead of MRI. Although CT images sometimes have the advantage of accelerating the diagnosis process, MRI is confident. However, stroke needs speedy recognition for patients. Therefore, in this paper, we examined CT images to detect stroke. Additionally, when we evaluate OzNet in signals and images, the results were also very good, detailed in Ozaltin and Yeniay [60] and Ozaltin et al. [7] studies. Further, Table 6 demonstrated results for the comparison with prior works.
When we investigated Table 6, we compared our study with previous studies for detecting stroke. According to Table 6, the proposed hybrid algorithm obtained better performance than the previous studies. The proposed framework achieved better results than the previous studies since we used not only deep learning or machine learning algorithms, but also combined them with a feature reduction method.

6. Conclusions

This paper aimed to classify brain stroke CT images using OzNet and hybrid algorithms. The dataset consists of 1900 images of stroke and normal classes. In the formation of hybrid algorithms, OzNet was combined with the feature selection method, mRMR, and ML algorithms in order to improve the classification performance and obtain reliable results. First, the OzNet classification performance was compared with GoogleNet, Incep-tionresnetv3, and MobileNetv2. In this stage, though it achieved the highest accuracy of 87.47%, we continued to analyze and needed to obtain reliable results of the investigated vital disease. Then, we utilized OzNet as a deep feature extractor from images, and its last layer was applied to get 4096 features. Second, 4096 features were classified with classical ML algorithms, but the obtained features were over 4000, and the number of features should be reduced to obtain reliable results. Therefore, we reduced the dimension of features utilizing the mRMR method. This method not only gives the best relationship features, but it also examines minimum residuals from each other. Next, the reduced features were classified using classical ML algorithms. As a result, OzNet-mRMR-NB that created the new structure achieved an accuracy of 98.42% to detect stroke from brain CT images.
A stroke is a feared neurological problem in the world because it may cause death or physical disability. Therefore, a rapid diagnosis is crucial for patients and clinicians. Artificial intelligence is in every aspect of our lives. Using it to detect these and similar problems in the field of health will speed up the process considerably. But it is very important to obtain safe results. Although we presented a kind of artificial intelligence algorithm in this study, we increased the reliability of the results with ML and feature selection algorithms. In future studies, auxiliary support algorithms will be created that increase the reliability of the results by taking advantage of the power of artificial intelligence.

Author Contributions

Conceptualization, O.O. and A.S.; methodology, O.O.; software, O.O.; validation, O.O., O.C., O.Y. and A.S.; formal analysis, O.O.; investigation, O.Y. and A.S.; resources, O.O.; data curation, O.O. and O.C.; writing—original draft preparation, O.O.; writing—review and editing, A.S. and O.Y.; visualization, O.O.; supervision, O.Y., O.C. and A.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

Acknowledgments

This paper is based on Ph.D. thesis of Ozaltin, O. and supervised by Yeniay, O.

Conflicts of Interest

The authors have no conflict of interests.

References

  1. Merino, J.G. Clinical stroke challenges: A practical approach. Neurol. Clin. Pr. 2014, 4, 376–377. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  2. Overgaard, K. The Effects of Citicoline on Acute Ischemic Stroke: A Review. J. Stroke Cerebrovasc. Dis. 2014, 23, 1764–1769. [Google Scholar] [CrossRef] [Green Version]
  3. Sirsat, M.S.; Fermé, E.; Câmara, J. Machine learning for brain stroke: A review. J. Stroke Cerebrovasc. Dis. 2020, 29, 105162. [Google Scholar] [CrossRef]
  4. Gao, X.W.; Hui, R.; Tian, Z. Classification of CT brain images based on deep learning networks. Comput. Methods Programs Biomed. 2017, 138, 49–56. [Google Scholar] [CrossRef] [Green Version]
  5. Li, L.; Wei, M.; Liu, B.; Atchaneeyasakul, K.; Zhou, F.; Pan, Z.; Kumar, S.A.; Zhang, J.Y.; Pu, Y.; Liebeskind, D.S.; et al. Deep Learning for Hemorrhagic Lesion Detection and Segmentation on Brain CT Images. IEEE J. Biomed. Health Inform. 2020, 25, 1646–1659. [Google Scholar] [CrossRef]
  6. Srikrishna, M.; Pereira, J.B.; Heckemann, R.A.; Volpe, G.; van Westen, D.; Zettergren, A.; Kern, S.; Wahlund, L.-O.; Westman, E.; Skoog, I.; et al. Deep learning from MRI-derived labels enables automatic brain tissue classification on human brain CT. Neuroimage 2021, 244, 118606. [Google Scholar] [CrossRef]
  7. Ozaltin, O.; Coskun, O.; Yeniay, O.; Subasi, A. Classification of brain hemorrhage computed tomography images using OzNet hybrid algorithm. Int. J. Imaging Syst. Technol. 2022. [Google Scholar] [CrossRef]
  8. Jayachitra, S.; Prasanth, A. Multi-Feature Analysis for Automated Brain Stroke Classification Using Weighted Gaussian Naïve Bayes Classifier. J. Circuits Syst. Comput. 2021, 30, 2150178. [Google Scholar] [CrossRef]
  9. Subudhi, A.; Dash, M.; Sabut, S. Automated segmentation and classification of brain stroke using expectation-maximization and random forest classifier. Biocybern. Biomed. Eng. 2020, 40, 277–289. [Google Scholar] [CrossRef]
  10. Bento, M.; Souza, R.; Salluzzi, M.; Rittner, L.; Zhang, Y.; Frayne, R. Automatic identification of atherosclerosis subjects in a heterogeneous MR brain imaging data set. Magn. Reson. Imaging 2019, 62, 18–27. [Google Scholar] [CrossRef]
  11. Kasabov, N.; Feigin, V.L.; Hou, Z.-G.; Chen, Y.; Liang, L.; Krishnamurthi, R.; Othman, M.; Parmar, P. Evolving spiking neural networks for personalised modelling, classification and prediction of spatio-temporal patterns with a case study on stroke. Neurocomputing 2014, 134, 269–279. [Google Scholar] [CrossRef] [Green Version]
  12. Karthik, R.; Gupta, U.; Jha, A.; Rajalakshmi, R.; Menaka, R. A deep supervised approach for ischemic lesion segmentation from multimodal MRI using Fully Convolutional Network. Appl. Soft Comput. 2019, 84, 105685. [Google Scholar] [CrossRef]
  13. Filho, P.P.R.; Sarmento, R.M.; Holanda, G.B.; Lima, D.D.A. New approach to detect and classify stroke in skull CT images via analysis of brain tissue densities. Comput. Methods Programs Biomed. 2017, 148, 27–43. [Google Scholar] [CrossRef]
  14. Vargas, J.; Spiotta, A.; Chatterjee, A.R. Initial Experiences with Artificial Neural Networks in the Detection of Computed Tomography Perfusion Deficits. World Neurosurg. 2019, 124, e10–e16. [Google Scholar] [CrossRef]
  15. Dourado, C.M., Jr.; da Silva, S.P.P.; da Nóbrega, R.V.M.; Barros, A.C.D.S.; Filho, P.P.R.; de Albuquerque, V.H.C. Deep learning IoT system for online stroke detection in skull computed tomography images. Comput. Netw. 2019, 152, 25–39. [Google Scholar] [CrossRef]
  16. Li, X.; Wu, M.; Sun, C.; Zhao, Z.; Wang, F.; Zheng, X.; Ge, W.; Zhou, J. Using machine learning to predict stroke-associated pneumonia in Chinese acute ischaemic stroke patients. Eur. J. Neurol. 2020, 27, 1656–1663. [Google Scholar] [CrossRef]
  17. Gautam, A.; Raman, B. Towards effective classification of brain hemorrhagic and ischemic stroke using CNN. Biomed. Signal Process. Control. 2020, 63, 102178. [Google Scholar] [CrossRef]
  18. Bacchi, S.; Zerner, T.; Oakden-Rayner, L.; Kleinig, T.; Patel, S.; Jannes, J. Deep learning in the prediction of ischaemic stroke thrombolysis functional outcomes: A pilot study. Acad. Radiol. 2019, 27, e19–e23. [Google Scholar] [CrossRef]
  19. Saritha, M.; Joseph, K.P.; Mathew, A.T. Classification of MRI brain images using combined wavelet entropy based spider web plots and probabilistic neural network. Pattern Recognit. Lett. 2013, 34, 2151–2156. [Google Scholar] [CrossRef]
  20. El-Dahshan, E.-S.A.; Hosny, T.; Salem, A.-B.M. Hybrid intelligent techniques for MRI brain images classification. Digit. Signal Process. 2010, 20, 433–441. [Google Scholar] [CrossRef]
  21. Xu, Y.; Holanda, G.; Souza, L.F.d.F.; Silva, H.; Gomes, A.; Silva, I.; Ferreira, M.; Jia, C.; Han, T.; de Albuquerque, V.H.C.; et al. Deep Learning-Enhanced Internet of Medical Things to Analyze Brain CT Scans of Hemorrhagic Stroke Patients: A New Approach. IEEE Sens. J. 2020, 21, 24941–24951. [Google Scholar] [CrossRef]
  22. Feng, R.; Badgeley, M.; Mocco, J.; Oermann, E.K. Deep learning guided stroke management: A review of clinical applications. J. NeuroInterventional Surg. 2018, 10, 358–362. [Google Scholar] [CrossRef] [PubMed]
  23. Savaş, S.; Topaloğlu, N.; Kazcı, Ö.; Koşar, P.N. Classification of carotid artery intima media thickness ultrasound images with deep learning. J. Med. Syst. 2019, 43, 8. [Google Scholar] [CrossRef] [PubMed]
  24. Han, T.; Nunes, V.X.; Souza, L.F.D.F.; Marques, A.G.; Silva, I.C.L.; Junior, M.A.A.F.; Sun, J.; Filho, P.P.R. Internet of Medical Things—Based on Deep Learning Techniques for Segmentation of Lung and Stroke Regions in CT Scans. IEEE Access 2020, 8, 71117–71135. [Google Scholar] [CrossRef]
  25. Zhu, G.; Bialkowski, A.; Guo, L.; Mohammed, B.; Abbosh, A. Stroke Classification in Simulated Electromagnetic Imaging Using Graph Approaches. IEEE J. Electromagn. RF Microw. Med. Biol. 2020, 5, 46–53. [Google Scholar] [CrossRef]
  26. Chin, C.-L.; Lin, B.-J.; Wu, G.-R.; Weng, T.-C.; Yang, C.-S.; Su, R.-C.; Pan, Y.-J. An automated early ischemic stroke detection system using CNN deep learning algorithm. In Proceedings of the 2017 IEEE 8th International Conference on Awareness Science and Technology (iCAST), Taichung, Taiwan, 8–10 November 2017; pp. 368–372. [Google Scholar]
  27. Acharya, U.R.; Meiburger, K.M.; Faust, O.; Koh, J.E.W.; Oh, S.L.; Ciaccio, E.J.; Subudhi, A.K.; Jahmunah, V.; Sabut, S. Automatic detection of ischemic stroke using higher order spectra features in brain MRI images. Cogn. Syst. Res. 2019, 58, 134–142. [Google Scholar] [CrossRef]
  28. Adam, S.Y.; Yousif, A.; Bashir, M.B. Classification of ischemic stroke using machine learning algorithms. Int. J. Comput. Appl. 2016, 149, 26–31. [Google Scholar]
  29. Gamberger, D.; Lavrač, N.; Krstačić, A.; Krstačić, G. Clinical data analysis based on iterative subgroup discovery: Experiments in brain ischaemia data analysis. Appl. Intell. 2007, 27, 205–217. [Google Scholar] [CrossRef]
  30. Kyriacou, E.; Pattichis, M.S.; Pattichis, C.S.; Mavrommatis, A.; Christodoulou, C.I.; Kakkos, S.; Nicolaides, A. Classification of atherosclerotic carotid plaques using morphological analysis on ultrasound images. Appl. Intell. 2009, 30, 3–23. [Google Scholar] [CrossRef]
  31. Kobus, M.; Sobczak, K.; Jangas, M.; Świątek, A.; Strzelecki, M. Discrimination Between Stroke and Brain Tumour in CT Images Based on the Texture Analysis. In Proceedings of the International Conference on Information Technologies in Biomedicine, Kamień Śląski, Poland, 20–22 June 2022; Springer: Berlin/Heidelberg, Germany, 2022; pp. 168–180. [Google Scholar]
  32. Afridi, M.A.R.; Ali, Z.; Muhammad, R.; Ahmad, A.; Alam, I. Age and gender specific stroke risk factors in a teaching hospital in khyber pakhtunkhwa. J. Postgrad. Med. Inst. 2015, 29, 2. [Google Scholar]
  33. Weng, L.; Zhang, H.; Chen, H.; Song, Z.; Hsieh, C.J.; Daniel, L.; Dhillon, I. Towards fast computation of certified robustness for relu networks. In Proceedings of the International Conference on Machine Learning, Stockholm, Sweden, 10–15 July 2018; PMLR: Bejing, China, 2018; pp. 5276–5285. [Google Scholar]
  34. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  35. Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the inception architecture for computer vision. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 2818–2826. [Google Scholar]
  36. Howard, A.G.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Adam, H. Mobilenets: Efficient 465 convolutional neural networks for mobile vision applications. arXiv 2017, arXiv:1704.04861. [Google Scholar]
  37. Peng, H.; Long, F.; Ding, C. Feature selection based on mutual information criteria of max-dependency, max-relevance, and min-redundancy. IEEE Trans. Pattern Anal. Mach. Intell. 2005, 27, 1226–1238. [Google Scholar] [CrossRef]
  38. Ding, C.; Peng, H. Minimum Redundancy Feature Selection from Microarray Gene Expression Data. J. Bioinform. Comput. Biol. 2005, 3, 185–205. [Google Scholar] [CrossRef] [PubMed]
  39. Toğaçar, M.; Ergen, B.; Cömert, Z.; Özyurt, F. A deep feature learning model for pneumonia detection applying a combination of mRMR feature selection and machine learning models. IRBM 2020, 41, 212–222. [Google Scholar] [CrossRef]
  40. Jiang, H. Machine Learning Fundamentals: A Concise Introduction; Cambridge University Press: Cambridge, MA, USA, 2021. [Google Scholar]
  41. Quinlan, J.R. C4. 5: Programs for Machine Learning; Elsevier: Amsterdam, The Netherlands, 2014. [Google Scholar]
  42. Subasi, A.; Balfaqih, M.; Balfagih, Z.; Alfawwaz, K. A Comparative Evaluation of Ensemble Classifiers for Malicious Webpage Detection. Procedia Comput. Sci. 2021, 194, 272–279. [Google Scholar] [CrossRef]
  43. Cichosz, P. Data Mining Algorithms: Explained Using R; John Wiley & Sons: Hoboken, NJ, USA, 2014. [Google Scholar]
  44. Quinlan, J.R. Learning decision tree classifiers. ACM Comput. Surv. 1996, 28, 71–72. [Google Scholar] [CrossRef]
  45. Koklu, M.; Sabanci, K. Estimation of Credit Card Customers Payment Status by Using kNN and MLP. Int. J. Intell. Syst. Appl. Eng. 2016, 4, 249–251. [Google Scholar] [CrossRef]
  46. Keller, J.M.; Gray, M.R.; Givens, J.A. A fuzzy K-nearest neighbor algorithm. IEEE Trans. Syst. Man Cybern. 1985, SMC-15, 580–585. [Google Scholar] [CrossRef]
  47. Cover, T.; Hart, P. Nearest neighbor pattern classification. IEEE Trans. Inf. Theory 1967, 13, 21–27. [Google Scholar] [CrossRef] [Green Version]
  48. Han, J.; Pei, J.; Kamber, M. Data Mining: Concepts and Techniques; Elsevier: Amsterdam, The Netherlands, 2011. [Google Scholar]
  49. Xanthopoulos, P.; Pardalos, P.M.; Trafalis, T.B. Linear discriminant analysis. In Robust Data Mining; Springer: Berlin/Heidelberg, Germany, 2013; pp. 27–33. [Google Scholar]
  50. Balakrishnama, S.; Ganapathiraju, A. Linear discriminant analysis-a brief tutorial. Inst. Signal Inf. Process. 1998, 18, 1–8. [Google Scholar]
  51. Koklu, M.; Unal, Y. Analysis of a population of diabetic patients databases with classifiers. Int. J. Biomed. Biol. Eng. 2013, 7, 481–483. [Google Scholar]
  52. Cortes, C.; Vapnik, V. Support-vector networks. Mach. Learn. 1995, 20, 273–297. [Google Scholar] [CrossRef]
  53. Barstugan, M.; Ozkaya, U.; Ozturk, S. Coronavirus (COVID-19) classification using ct images by machine learning methods. arXiv 2020, arXiv:2003.09424. [Google Scholar]
  54. Koklu, M.; Ozkan, I.A. Multiclass classification of dry beans using computer vision and machine learning techniques. Comput. Electron. Agric. 2020, 174, 105507. [Google Scholar] [CrossRef]
  55. Arlot, S.; Celisse, A. A survey of cross-validation procedures for model selection. Stat. Surv. 2010, 4, 40–79. [Google Scholar] [CrossRef]
  56. Sharifrazi, D.; Alizadehsani, R.; Roshanzamir, M.; Joloudari, J.H.; Shoeibi, A.; Jafari, M.; Hussain, S.; Sani, Z.A.; Hasanzadeh, F.; Khozeimeh, F.; et al. Fusion of convolution neural network, support vector machine and Sobel filter for accurate detection of COVID-19 patients using X-ray images. Biomed. Signal Process. Control. 2021, 68, 102622. [Google Scholar] [CrossRef]
  57. Singh, D.; Taspinar, Y.S.; Kursun, R.; Cinar, I.; Koklu, M.; Ozkan, I.A.; Lee, H.-N. Classification and Analysis of Pistachio Species with Pre-Trained Deep Learning Models. Electronics 2022, 11, 981. [Google Scholar] [CrossRef]
  58. Rajinikanth, V.; Raj, A.N.J.; Thanaraj, K.P.; Naik, G.R. A Customized VGG19 Network with Concatenation of Deep and Handcrafted Features for Brain Tumor Detection. Appl. Sci. 2020, 10, 3429. [Google Scholar] [CrossRef]
  59. Taspinar, Y.S.; Cinar, I.; Koklu, M. Classification by a stacking model using CNN features for COVID-19 infection diagnosis. J. X-ray Sci. Technol. 2021, 30, 73–88. [Google Scholar] [CrossRef]
  60. Özaltın, Ö.; Yeniay, Ö. Ecg classification performing feature extraction automatically using a hybrid cnn-svm algorithm. In Proceedings of the 2021 3rd International Congress on Human-Computer Interaction, Optimization and Robotic Applications (HORA), Online, 11–13 June 2021; IEEE: Ankara, Turkey, 2021; pp. 1–5. [Google Scholar]
  61. Shalikar, A.; Ashouri, M.R.; Shahraki, M.H.N. A CAD system for automatic classification of brain strokes in CT images. Int. J. Mechatron. Electr. Comput. Technol. 2014, 10, 67–85. [Google Scholar]
  62. Marbun, J.T.; Seniman; Andayani, U. Classification of stroke disease using convolutional neural network. J. Phys. Conf. Ser. 2018, 978, 012092. [Google Scholar] [CrossRef]
  63. Diker, A.; Elen, A.; Subasi, A. Brain stroke detection from CT images using deep learning algorithms. In Applications of Artificial Intelligence in Medical Imaging; Subasi, A., Ed.; Elsevier: Amsterdam, The Netherlands, 2022. [Google Scholar]
  64. Raghavendra, U.; Pham, T.-H.; Gudigar, A.; Vidhya, V.; Rao, B.N.; Sabut, S.; Wei, J.K.E.; Ciaccio, E.J.; Acharya, U.R. Novel and accurate non-linear index for the automated detection of haemorrhagic brain stroke using CT images. Complex Intell. Syst. 2021, 7, 929–940. [Google Scholar] [CrossRef]
Figure 1. Stroke instances from the dataset.
Figure 1. Stroke instances from the dataset.
Bioengineering 09 00783 g001
Figure 2. Overview of the proposed framework.
Figure 2. Overview of the proposed framework.
Bioengineering 09 00783 g002
Figure 3. Confusion Matrices of OzNet hybrid algorithms (a) OzNet-mRMR-DT. (b) OzNet-mRMR-kNN. (c) OzNet-mRMR-LDA. (d) OzNet-mRMR-NB. (e) OzNet-mRMR-SVM.
Figure 3. Confusion Matrices of OzNet hybrid algorithms (a) OzNet-mRMR-DT. (b) OzNet-mRMR-kNN. (c) OzNet-mRMR-LDA. (d) OzNet-mRMR-NB. (e) OzNet-mRMR-SVM.
Bioengineering 09 00783 g003aBioengineering 09 00783 g003b
Figure 4. ROC Curves of OzNet hybrid algorithms.
Figure 4. ROC Curves of OzNet hybrid algorithms.
Bioengineering 09 00783 g004
Figure 5. Performance metrics graph of different algorithms.
Figure 5. Performance metrics graph of different algorithms.
Bioengineering 09 00783 g005
Table 1. Parameters details of OzNet.
Table 1. Parameters details of OzNet.
Layer NameType SizeFiltersStridePaddingOutput
InputInput 227 × 227 × 3
Conv-1Convolution 2D645 × 511225 × 225 × 64
MaxPool-1Max Pooling 3 × 320112 × 112 × 64
Conv-2Convolution 2D1283 × 311112 × 112 × 128
MaxPool-2Max Pooling 3 × 32055 × 55 × 128
Conv-3Convolution 2D12813 × 131055 × 55 × 128
MaxPool-3Max Pooling 3 × 32027 × 27 × 128
Conv-4Convolution 2D2567 × 71127 × 27 × 256
MaxPool-4Max Pooling 2 × 22013 × 13 × 256
Conv-5Convolution 2D1283 × 31113 × 13 × 128
MaxPool-5Max Pooling 3 × 3206 × 6 × 128
Conv-6Convolution 2D1283 × 3116 × 6 × 128
MaxPool-6Max Pooling 3 × 3203 × 3 × 128
Conv-7Convolution 2D1283 × 3113 × 3 × 128
MaxPool-7Max Pooling-2 × 2201 × 1 × 128
FC-8Fully Connected4096 1 × 1 × 4096
Drop-8Dropout50%
FC-9Fully Connectednumber of classes 1 × 1 × (number of classes)
SoftmaxSoftmax 1 × 1 × (number of classes)
OutputClassificationentropy
Table 2. Equations for performance metrics.
Table 2. Equations for performance metrics.
Performance MetricsEquations
Accuracy T P + T N / T P + T N + F P + F N
F1-Score 2 × T P / 2 × T P + F P + F N
G-Mean S e n s i t i v i t y   × S p e c i f i c i t y
Precision T P / T P + F P
Sensitivity T P / T P + F N
Specificity T N / T N + F P
Table 3. Performance metrics of different architectures on Brain Stroke CT images.
Table 3. Performance metrics of different architectures on Brain Stroke CT images.
ArchitecturesPerformance Metrics
SensitivitySpecificityPrecisionF1-ScoreG-MeanAccuracyAUC
GoogleNet0.80950.77890.78550.79730.79410.79420.8761
Inceptionv30.75260.76210.75980.75620.75740.75740.8399
MobileNetv20.87680.87050.87130.87400.87360.87360.9407
OzNet0.87160.87790.87710.87430.87470.87470.9488
Table 4. Performance metrics of algorithms on Brain Stroke CT images.
Table 4. Performance metrics of algorithms on Brain Stroke CT images.
AlgorithmsPerformance Metrics
SensitivitySpecificityPrecisionF1-ScoreG-MeanAccuracyAUC
OzNet0.87160.87790.87710.87430.87470.87470.9488
OzNet-DT0.90230.90530.90500.90360.90380.90380.9238
OzNet-kNN0.94890.95790.95750.95320.95340.95340.9534
OzNet-LDA0.96690.96090.96110.96400.96390.96390.9937
OzNet-NB0.97740.94890.95030.96370.96310.96320.9674
OzNet-SVM0.95940.97140.97110.96520.96540.96540.9921
Table 5. Performance metrics of advanced hybrid algorithms on Brain Stroke CT images.
Table 5. Performance metrics of advanced hybrid algorithms on Brain Stroke CT images.
AlgorithmsPerformance Metrics
SensitivitySpecificityPrecisionF1-ScoreG-MeanAccuracyAUC
OzNet-mRMR-DT0.94740.94390.94410.94570.94560.94560.9403
OzNet-mRMR-kNN0.98600.98250.98250.98420.98420.98420.9842
OzNet-mRMR-LDA0.97890.97890.97890.97890.97890.97890.9984
OzNet-mRMR-NB0.97540.99300.99290.98410.98420.98420.9909
OzNet-mRMR-SVM0.98250.98250.98250.98250.98250.98250.9956
Table 6. Performance comparison with prior works.
Table 6. Performance comparison with prior works.
WorksData TypeClassifierAccuracy
Chin et al. [26]Brain CTCNN90%
Shalikar et al. [61]Brain CTSVM90%
Marbun et al. [62]Brain CTCNN90%
Diker et al. [63]Brain CTVGG-1997.06%
Raghavendra et al. [64]Brain CTPNN
(Probabilistic Neural Network)
94.37%
This study Brain CTOzNet-mRMR-NB98.42%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Ozaltin, O.; Coskun, O.; Yeniay, O.; Subasi, A. A Deep Learning Approach for Detecting Stroke from Brain CT Images Using OzNet. Bioengineering 2022, 9, 783. https://doi.org/10.3390/bioengineering9120783

AMA Style

Ozaltin O, Coskun O, Yeniay O, Subasi A. A Deep Learning Approach for Detecting Stroke from Brain CT Images Using OzNet. Bioengineering. 2022; 9(12):783. https://doi.org/10.3390/bioengineering9120783

Chicago/Turabian Style

Ozaltin, Oznur, Orhan Coskun, Ozgur Yeniay, and Abdulhamit Subasi. 2022. "A Deep Learning Approach for Detecting Stroke from Brain CT Images Using OzNet" Bioengineering 9, no. 12: 783. https://doi.org/10.3390/bioengineering9120783

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