Skip to main content

Topology optimization search of deep convolution neural networks for CT and X-ray image classification

Abstract

Covid-19 is a disease that can lead to pneumonia, respiratory syndrome, septic shock, multiple organ failure, and death. This pandemic is viewed as a critical component of the fight against an enormous threat to the human population. Deep convolutional neural networks have recently proved their ability to perform well in classification and dimension reduction tasks. Selecting hyper-parameters is critical for these networks. This is because the search space expands exponentially in size as the number of layers increases. All existing approaches utilize a pre-trained or designed architecture as an input. None of them takes design and pruning into account throughout the process. In fact, there exists a convolutional topology for any architecture, and each block of a CNN corresponds to an optimization problem with a large search space. However, there are no guidelines for designing a specific architecture for a specific purpose; thus, such design is highly subjective and heavily reliant on data scientists’ knowledge and expertise. Motivated by this observation, we propose a topology optimization method for designing a convolutional neural network capable of classifying radiography images and detecting probable chest anomalies and infections, including COVID-19. Our method has been validated in a number of comparative studies against relevant state-of-the-art architectures.

Peer Review reports

Introduction

COVID-19 is an infectious disease caused by severe acute respiratory syndrome [1] and is referred to as the coronavirus due to its appearance. The war on COVID-19 has pushed researchers worldwide to examine, comprehend, and invent novel diagnostic and treatment methods in order to eliminate this generation’s greatest menace. Indeed, the chest X-ray is one of the most commonly used radiological tests for diagnosing a variety of lung diseases. Indeed, numerous X-ray imaging studies are archived and aggregated in many image archiving and communication systems throughout several modern hospitals. An open question arises: how can a database holding priceless image data be used to help the development of data-starved deep learning models for computer-assisted diagnostic systems? There are few published studies devoted to detecting the chest radiograph imaging view [2]. Deep learning has made remarkable strides in a variety of computer vision challenges. During the last decade, deep learning has taken important steps in several domains such as transportation [46, 51], emergency prediction [49, 50], Computer Vision Applications including the classification of natural and medical images [2, 3]. This accomplishment has inspired numerous researchers to use deep convolutional neural networks to diagnose chest diseases in chest radiography (DCNNs) [53]. Despite CNNs’ great performance, their architectural design remains a serious challenge for researchers and practitioners. The CNN architecture is defined by a large number of hyperparameters, which need to be fine-tuned to optimize the design. Several CNN designs have been presented over the last eight years by experienced engineers at well-known organizations like Google. ResNet [4], AlexNet [4] and VGGNet [5] are a few examples. Due to the fact that these structures were created manually, researchers in the fields of optimization [45, 48] and machine learning [47] hypothesized that improved architectures could be discovered using automated methods. In fact, back propagation learning has often been shown to be inefficient in multi-layered networks due to the method being trapped in local minima by gradient descent. Indeed, some researchers [6, 7] have proposed novel learning approaches, most frequently layer per layer, to overcome the practical limits of back-propagation and to maximize the internal representation potential of deep networks. All existing methods employ trained or designed architecture as input. None of them takes into account design and pruning throughout the process. In fact, a convolutional topology exists for every architecture, and each CNN block corresponds to an optimization problem with a large search space [52]. However, there are no guidelines for designing a particular architecture for a particular purpose; as a result, such design is highly subjective and heavily dependent on the knowledge and experience of data scientists. Our goal is to define an automatic method to optimize the hyper-parameters of DCNNs, particularly those controlling their topology. The target is to optimize the number of hidden layers and the number of their associated neurons. Each layer has its own hyper-parameters; hence, the size of the search space increases exponentially with the number of layers. After finding the optimal CNN topologies, we determine the optimal number of neurons for each of the hidden layers before proceeding with the learning for the next layer. This procedure enables the search space’s cardinality to be reduced. Our study finds the appropriate number of neurons per layer after the design of a CNN architecture in order to create a suitable architecture with the least amount of complexity for chest X-ray and CT Image Classification based on COVID-19 Diagnosis. The main contributions of our paper could be summarized as follows:

  • Genetic algorithms are used to design CNN architectures that are dependent on the following: (1) hyperparameter settings; and (2) the graph topologies of convolution nodes.

  • For the first time, an evolutionary method that combines CNN architecture generation with neural network pruning for resizing a deep learning model by combining the removal of ineffective components.

  • Examine the usefulness and adaptability of the generated optimized architecture for X-ray and CT image classification.

Related work

Topology optimization for deep neural networks

In recent years, evolutionary optimization for CNN design has been successfully used for many machine learning tasks. According to previous research, this success can be attributed to population-based metaheuristics’ global search capability, which allows them to avoid local optima while finding a near-globally optimal solution. Shinaozaki et al. [24] optimized a DNN’s structure and parameters using GA. While GA works with binary vectors that reflect the structure of a DNN as a directed acyclic graph, CMA-ES, which is fundamentally a continuous optimizer, converts discrete structural variables to real values through an indirect encoding. Xie et al. [25] optimized the recognition accuracy by representing the network topology as a binary string. The primary constraint was the high computing cost, which compelled the authors to conduct the tests on small-scale data sets. Sun et al. [26] proposed an evolutionary method for optimizing the architectures and initializing the weights of convolutional neural networks (CNNs) for image classification applications. This objective was accomplished via the development of a novel weight initialization method, a novel encoding scheme for variable-length chromosomes, a slacked binary tournament selection technique, and an efficient fitness assessment technique. Lu et al. [27] proposed a multi-objective modeling of the architectural search issue by minimizing two potentially competing objectives: classification error rate and computational complexity, quantified by the number of floating-point operations (FLOPS). In Tables 1 and 2, we summarize respectively the X-ray and CT images based COVID-19 as detailed in [3].

Table 1 Representative works for X-ray images based COVID-19 diagnosis according to [3]
Table 2 Representative works for CT based COVID-19 diagnosis according to [3]

Deep neural network for COVID 19 control

Over the last decades, CNN for Xray images classification has shown its effectiveness, outperformance, and importance in the field of medical diagnosis. Several computational approaches exist for diagnosing a variety of thoracic diseases using chest X-rays. Wang et al. [8] created a framework for semisupervised multi-label unified classification that incorporates a variety of DCNN multi-label loss and pooling methods. Islam et al. [9] developed a collection of several sophisticated network topolo85 gies to increase classification accuracy. Rajpurkar et al. [10] proved that a standard DenseNet architecture is more accurate than radiologists in detecting pneumonia. Yao et al. [11] developed a method for optimizing the use of statistic label dependencies and thus performance. Irvin et al. [12] developed CheXNet, a deep learning network that makes optimization manageable through dense connections and batch normalization. Prabira et al. [13] collected a set of deep features using nine pre-trained CNN models and then passed them to an SVM (Support Vector Machines) classifier.

Proposed approach

Our approach is motivated by the following questions:

  1. (1)

    RQ1 There are an infinitely large number of potential topologies for CNN convolution blocks’ graphs, defining the relationships between nodes. How to determine the best block topology sequence for X-ray images?

  2. (2)

    RQ2 Any architecture has a huge number of parameters; how can the number of parameters be reduced and the structure architecture reconstructed?

To address these research questions, we must first determine the optimal graph topology sequence for classifying X-ray and CT images and detecting COVID-19 infections, and then reconstruct and discover an optimal number of neurons while maintaining the size of the previous layer. In addition, we are seeking to evaluate the layer’s performance. This requires the ability to compare various topologies. However, such an unusual methodology raises several concerns. Indeed, we can query the existence of a single global optimum for layer size. Depending on the criterion used, there may be multiple or even an infinite number of global optima. With the typical objective of a model selection procedure being to find the most efficient model in terms of performance but also the least computationally intensive, we will seek to establish a lower bound on the number of neurons required for each hidden layer. Indeed, there is no guarantee that the hyper-parameter optimization problem can be separated from layers using the iterative, layer-by-layer method that we propose. In fact, optimizing all hyper-parameters simultaneously in a very deep network would be prohibitively expensive. Therefore, we will investigate the separability of the first two hidden layers. If the result of a global optimization is the same as the hyper-parameters that were found through layer-by-layer optimization, separability may be a good assumption. Figure 1 illustrates an overview of the proposed CNN for X-ray images classification based on evolutionary optimization.

Fig. 1
figure 1

Overview of the proposed CNN for X-ray images classification based EAs

CNN topologies layers

The solution encoding is a sequence of squared binary matrices, each of which represents a possible directed graph. An element value equal to 1 means that the row node is a predecessor of the column node, while a value of zero means that there is no connection between the two nodes.

Crossover operator we use the two-point crossover operator [37] to vary the population because it allows for variation in all chromosome segments. To implement such an operator, each parent solution must be a set of binary strings [37]. Two cutting points are applied to each parent in the two-point crossover process, and then the bits between the cuts are swapped to obtain two offspring solutions.

Mutation operator as with the crossover operator, the solution is converted to a binary string using Gray encoding before applying the one-point mutation [37]. The test error is computed using the holdout validation technique [43], which randomly selects 80% of the data records for training and 20% for testing. To deal with this the over-fitting issue, the training data (80%) is divided into 5 folds, and thus fivefold cross-validation is applied during training. The classification performance is averaged over the 5 folds of the training partitions.

Reconstruction architecture

In response to the problem of hyper-parameter selection in deep convolution neural networks, we have optimized the topology of a deep neural network and, more specifically, the number of neurons in the hidden layers. Our goal is to discover an optimal number of neurons, layer after layer, with the size of the previous layer being fixed. To validate our approach, we optimize the size of the second layer after setting the size of the layer according to the previous optimum. To perform a reconstruction, we first propagate the input to the highest layer using the conditional probabilities of each convolution. Secondly, the configuration of the highest layer is back-propagated with the conditional probabilities.

Experiments

Benchmarks and performance metrics

COVID-19 patients’ chest X-rays were obtained from Dr. Joseph Cohen’s opensource GitHub repository https://github.com/ieee8023/covid-chestxray-dataset. This repository contains chest X-ray images of a variety of patients who have been diagnosed with acute respiratory distress syndrome, severe acute respiratory syndrome, COVID-19, or pneumonia. Our experiment is based on a database of chest radiographic images divided into two categories: non-infected patients and COVID-19-infected patients. The dataset was randomly divided into two independent datasets with 80% for training and 20% for testing.

Performance metrics

Based on the analysis of the related works, the most used performance metrics in image classification using deep neural networks are the Accuracy (Acc), Specificity and Sensitivity [37]. The Acc mathematical expression is given by Eq. (1) where TP is the number of true positives, TN is the number of true negatives, and NE is the total number examples.

$$Acc = {{\left( {TP + TN} \right)} \mathord{\left/ {\vphantom {{\left( {TP + TN} \right)} {NE}}} \right. \kern-\nulldelimiterspace} {NE}}$$
(1)

The unbalanced class distribution has been addressed using Geometric Mean metrics derived from the binary confusion matrix. Geometric The mean G-mean is the geometric mean of positive and negative true rates. This measure aims to balance the classification performance of majority and minority classes. This metric is insensitive to data imbalance. Equation 2 illustrates the G-mean formula.

$$G - mean = \sqrt {TRP.TNR}$$
(2)

Technical details

There exists a topology of convolution within each block of a CNN for any architecture, as illustrated in Fig. 2. This topology corresponds to an optimization problem with a large search space. Numerous CNN architectures already exist, according to the literature. Unfortunately, there are no guidelines for designing a specific architecture for a specific task; as a result, such design remains highly subjective and highly dependent on data scientists’ expertise. As described in Section A, the solution encoding consists of a series of squared binary matrices, each of which represents a possible directed graph. Table 3 summarizes the parameters settings used in our experiments.

Fig. 2
figure 2

Block topologies of three samples CNNs: VGGNet, ResNet, and DenseNet; for 4 convolution nodes

Table 3 Summary of parameter settings

Optimizing the size of a layer

Figure 3 gives the reconstruction as a function of the number of neurons in the first hidden layer L1 of CNN. The size of the layer, on the abscissa, is presented on a logarithmic scale. It can be seen that the best performance is obtained for the configurations having a minimum of 400 neurons in this hidden layer.

Fig. 3
figure 3

Reconstruction error depending on the size of the hidden layer L1

Moreover, once this minimum is reached, adding more neurons does not significantly increase performance. This observation validates our choice to determine a lower bound for the optimal size of a hidden layer. In fact, to perform a reconstruction, we first propagate the input to the topmost layer using the conditional probabilities. Secondly, the configuration of the highest layer is back-propagated with the conditional probabilities. The reconstruction error is then the distance between the initial entry and the reconstructed entry. To validate the results, we optimize the size of the second L1 layer after setting the size of the L1 layer according to the previous optimum (400 neurons). The lower bounds of the optimal topology, namely 400 neurons on L1 and 300 on L2, are found with the simultaneous optimizations of the two hidden layers, as can be seen in Fig. 4. To validate the results, we optimize the size of the second L1 layer after setting the size of the L1 layer according to the previous optimum (400 neurons). The lower bounds of the optimal topology, namely 400 neurons on L1 and 300 on L2, are found with the simultaneous optimization of the two hidden layers, as can be seen in Figs. 3 and 4.

Fig. 4
figure 4

Reconstruction error as a function of the size of the L2 layer, the size of L1 having been set at 400neurons

Comparative results

Recently, many computational intelligence methods have been proposed for COVID19 detection using X-ray images and Computed Tomography (CT) ones. Our approach is compared to the most representative works of CNN architecture generation methods. Tables 4 and 5 summarizes the obtained comparative results of the different architectures outputted by the confronted CNN design methods on X-ray images.

Table 4 Representative works for CT based COVID-19 Diagnosis according to [3]
Table 5 Representative work for X-ray based COVID-19 diagnosis [3]

In fact, Tables 4 and 5 summarize the obtained Acc results on CT images and X-ray ones, respectively. We observe that the Acc of CT based COVID-19 Diagnosis is lying between 82.9 and 99.6%. Shuai Wang et al. [8] corresponds to the worst method and provides an Acc 82.9% with specificity of 80.5% and sensitivity of 84%. Always in terms of classification Acc, Xu et al. [19] provides 86.7%, Song et al. [28] provides 93%, Shan [31] provide 91.6% and Jin et al. [32] provides 94.98%. Always based on Table 4, Chen et al. [32] provides 95.24% with sensitivity of 100% and specificity of 93.55%. We observe that Our work is able to achives better ACC values than the considered peer methods. Furthermore, Table 5 show that the Acc of X-ray based COVID-19 Diagnosis is lying between 88.39% and 97.5%. Ghoshal et al. [22] corresponds to the worst method and provides an Acc 88.39%. Always in terms of classification Acc, Wang et al. [17] provides 92.4% on COVIDx dataset, Abbas et al. [15] provides 95.12% with a sensitivity of 97.91%, a specificity of 91.87%, Sethy et al. [13] provides 95.38% and Apostolopoulos et al. [23] provides 95.57% with sensitivity of 0.08% and specificity of 99.99%. Always in Table 5, Asnaoui et al. [20] show highly satisfactory performance with accuracy 96%, Farooq and Hafeez [21] and Gaal et al. [14] provides 96.23% and 97.5% respectively. We observe that our work is able to achieve better ACC values than the considered peer methods. The following arguments could explain these findings: manually designing CNNs is a time-consuming and complex operation that demands a high level of competence on the part of the user. Even with a high level of expertise, developing a good architecture is not easy due to the vast variety of alternative architectures. Evolutionary approaches outperformed other methods in this and earlier studies because reinforcement learning based approaches have greedy behavior that optimizes the ACC throughout the search process. However, evolutionary approaches are capable of escaping local optima and covering the whole search space because of their global search capability and the probability acceptance of inefficient structures via the mating selection operator. These findings validate our proposed algorithm’s ability to construct task-dependent designs 220 automatically. Indeed, we note that our approach is capable of automatically designing a CNN architecture with higher accuracy values than the peer techniques reviewed.

This might be explained by the fact that designing CNNs is very difficult, even with a high degree of knowledge. On radiographic pictures, automated design approaches outperform manually created systems. The reason for this is because there are an infinite number of alternative architectures. To summarize, the optimization of the network topology has a significant influence on classification performance since each topology determines the interactions between the neural network nodes.

Diagnosis using X-ray 14 images

Description and motivation

Chest X-ray14 database consisting of 112,120 frontal-view radiographs X-ray images from 30,805 unique patients. The database was compiled using natural language processing techniques from associated radiological reports stored in hospital image archiving and communication systems. Each image may have one or more common chest conditions (one or many common thoracic diseases), or”Normal” otherwise (see Fig. 5).The dataset is publicly available from NIH at https://nihcc.app.box.com/v/ChestXray-NIHCC.

Fig. 5
figure 5

Common thoracic diseases observed in Chest X-ray14 [30]

Experimentation

The proposed method is compared to the most representative works in each of the three categories of methodologies for creating CNN architectures (see Fig. 6). The parameters employed in our trials are summarized in Table 6.

Fig. 6
figure 6

Multi-label classification performance on Chest X-ray14, the class-wise mean test AUROC comparison with peer works

Table 6 Obtained AUROC and #Params, results on Chest X-ray14

Table 6 summarizes the comparative findings achieved for the various architectures developed by the various CNN design approaches when applied to X-ray images. For manual approaches, the AUROC ranges from 79.8 to 84.6%. Google AutoML has the lowest AUROC of any non-manual method, at 79.7 percent.The evolving AUROC curves provide AUROC values of 84.3% for LEAF (2019) and 84.6% for NSGANet-X showing the disease curve of CNN-XRAY and the comparison AUROC by a disease with other peer methods are provided in Fig. 6. We observe that our work is able to automatically design a CNN architecture that achieves better AUROC values than the considered peer methods. Figure 7 illustrates a random sampling of activations shown in filters of the first and second convolutional layers.

Fig. 7
figure 7

Random sampling of activations is shown in filters of the first and second convolutional layers

Conclusion

Deep neural networks have demonstrated outstanding performance in a wide range of machine learning tasks, including classification and clustering [39, 40], for real-life applications of soft computing techniques in different fields [41, 42]. Developing an appropriate architecture for a Deep Convolutional Neural Network (DCNN) has remained an extremely intriguing, demanding, and topical issue to date. Following the manual design, many other methodologies have been presented, most of which are based on reinforcement learning and evolutionary optimization, with some adopting a multi-objective perspective. Indeed, there are a huge number of conceivable possible designs with various network topologies. However, since there are no recommendations for designing a specific architecture for a certain task, such design remains highly subjective and heavily dependent on the data scientist’s knowledge. By searching for the ideal sequence of block topologies and reconstructing and determining the optimal number of neurons, layer by layer, to detect COVID-19 infections, we propose an efficient evolutionary technique for designing the CNN architecture in this study. Experiments have shown the efficacy of our proposed technique, which outperforms various typical designs on a data set of CT and X-ray image benchmarks. It is worth emphasizing that the genetic algorithm is computationally expensive, because we need to conduct a complete network training process for each generated individual. Therefore, we run the genetic process on datasets, and demonstrate its ability to find high-quality network structures. It is interesting to see that the generated structures, most of which have been less studied before, often perform better than the standard manually designed ones. Therefore, we need transfer the learned structures such as [44] to large-scale experiments and verify their effectiveness. The approach of TL to overcome the issues of transfer learning from pretrained models of the ImageNet dataset to medical imaging tasks and the annotation process of medical images. Moreover, it will help to address the issue of the lack of training in medical imaging tasks.

Availability of data and materials

COVID-19 patients’ chest X-rays were obtained from Dr. Joseph Cohen’s opensource GitHub repository https://github.com/ieee8023/covid-chestxray-dataset. This repository contains chest X-ray images of a variety of patients who have been diagnosed with acute respiratory distress syndrome, severe acute respiratory syndrome, COVID-19, or pneumonia. Chest X-ray14 database consisting of 112,120 frontal-view radiographs X-ray images from 30,805 unique patients. The database was compiled using natural 295 language processing techniques from associated radiological reports stored in hospital image archiving and communication systems. Each image may have one or more common chest conditions (one or many common thoracic diseases), or “Normal” otherwise. The dataset is publicly available from NIH at https://nihcc.app.box.com/v/ChestXray-NIHCC. Any additional data could be requested from the corresponding author, Ali Louati.

References

  1. Paules CI, Marston HD, Fauci AS. Coronavirus infections—more than just the common cold. JAMA. 2020;323(8):707–8.

    Article  CAS  Google Scholar 

  2. Chen Y, Liu Q, Guo D. Emerging coronaviruses: genome structure, replication, and pathogenesis. J Med Virol. 2020;92(4):418423.

    Article  Google Scholar 

  3. Ulhaq A, Khan A, Gomes D, Paul M. Computer vision for covid-19 control: a survey. arXiv:2004.09420 [Preprint]. 2020

  4. He K, Zhang X. Ren S, Sun J. Deep residual learning for image recognition. InProceedings of the IEEE conference on computer vision and pattern recognition 2016 (pp. 770–778).

  5. Simonyan K, Zisserman A. Very deep convolutional networks for large-scale image recognition. CoRR, abs/1409.1556. 2014.

  6. Hinton GE, Osindero S, The Y-W. A fast learning algorithm for deep belief nets. Neural Conputation. 2006;18:1527–54.

    Article  Google Scholar 

  7. Bengio Y, Lamblin P, Popovici V, Larochelle H. Greedy layer-wise training of deep networks. In: Scholkopf B, Platt J, Hoffman T, editors. Advances in neural information processing systems 19. Cambridge: MIT Press; 2007. p. 153–60.

    Google Scholar 

  8. X. Wang, Y. Peng, L. Lu, Z. Lu, M. Bagheri, and R. M. Summers. Chest X-ray8: Hospital-scale chest X-ray database and benchmarks on weakly-supervised classification and localization of common thorax diseases. InProceedings of the IEEE conference on computer vision and pattern recognition 2017 (pp. 3462–3471).

  9. Islam MT, Aowal MA, Minhaz AT, Ashraf K. Abnormality detection and localization in chest X-rays using deep convolutional neural networks, CoRR, vol. abs/1705.09850 (2017).

  10. Rajpurkar P, Irvin J, Ball RL, Zhu K, Yang B, Mehta H, Duan T, Ding D, Bagul A, Langlotz CP, Patel BN, Yeom KW, Shpanskaya K, Blankenberg FG, Seekins J, Amrhein TJ, Mong DA, Halabi SS, Zucker EJ, Ng AY, Lungren MP. Deep learning for chest radiograph diagnosis: a retrospective comparison of the CheXNeXt algorithm to practicing radiologists. PLoS Med. 2018;15(11):1–17.

    Article  Google Scholar 

  11. L Yao, E Poblenz, D Dagunts, B Covington, D Bernard, KLyman. Learning to diagnose from scratch by exploiting dependencies among labels. CoRR, vol. abs/1710.1050 (2017).

  12. Irvin J, Rajpurkar P, Ko M, Yu Y, Ciurea-Ilcus S, Chute C, Marklund H, Haghgoo B, Ball R, Shpanskaya K, Seekins J. Chexpert: a large chest radiograph dataset with uncertainty labels and expert comparison. In thirty-third AAAI conference on artificial intelligence 2019 (pp. 590–597).

  13. Sethy PK, Behera SK. Detection of coronavirus disease (covid-19) based on deep features. Int J Math Eng Manag Sci. 2020;5(4):643–51.

    Google Scholar 

  14. Ga´al G, Maga B, Luk´acs A. Attention U-Net Based adversarial architectures for chest X-ray lung segmentation. arXiv:2003.10304 [Preprint] 2020.

  15. Abbas A, Abdelsamea MM, Gaber MM. Classification of COVID-19 in chest X-ray images using DeTraC deep convolutional neural network. arXiv:2003.13815 [Preprint] 2020.

  16. Narin A, Kaya C, Pamuk Z. Automatic detection of coronavirus disease (COVID-19) Using X-ray images and deep convolutional neural networks. arXiv:2003.10849 [Preprint] 2020.

  17. Wang L, Wong A. COVID-Net: a Tailored deep convolutional neural network design for detection of COVID-19 cases from chest radiography images. arXiv:2003.09871 [Preprint] 2020.

  18. Hemdan EE, Shouman MA, Karar ME. COVIDX-Net: a framework of deep learning classifiers to diagnose COVID-19 in X-ray images. arXiv:2003.11055 [Preprint] 2020.

  19. Xu X, Jiang X, Ma C, Du P, Li X, Lv S, Yu L, Chen Y, Su J, Lang G, Li Y. Deep learning system to screen coronavirus disease 2019 pneumonia. arXiv:2002.09334 [Preprint] 2020 Feb 21

  20. Asnaoui KE, Chawki Y, Idri A. Automated methods for detection and classification pneumonia based on X-ray images using deep learning. arXiv:2003.14363 [Preprint] 2020.

  21. Farooq M, Hafeez A. COVID-ResNet: a deep learning framework for screening of COVID19 from radiographs. arXiv:2003.14395 [Preprint] 2020.

  22. Ghoshal B, Tucker A. Estimating uncertainty and interpretability in deep learning for coronavirus (COVID-19) detection. arXiv:2003.10769. [Preprint] 2020.

  23. Apostolopoulos ID, Mpesiana TA. Covid-19: automatic detection from X-ray images utilizing transfer learning with convolutional neural networks. Physical and engineering sciences in medicine. 2020.

  24. Shinozaki T, Watanabe S. Structure discovery of deep neural network based on evolutionary algorithms. InProceedings of the 2015 IEEE international conference on acoustics, speech and signal processing 2015 (pp. 4979–4983)

  25. Xie S, Girshick R, Dollar P, Tu Z, He K. Aggregated residual transformations for deep neural networks. InProceedings of the IEEE conference on computer vision and pattern recognition 2017 (pp. 1492–1500)

  26. Sun Y, Xue B, Zhang M, Yen GG. Completely automated CNN architecture design based on blocks. IEEE Trans Neural Netw Learn Syst. 2019;33(2):1242–54.

    Google Scholar 

  27. Lu Z, Whalen I, Boddeti V, Dhebar Y, Deb K, Goodman E, Banzhaf W. NSGA-Net: neural architecture search using multi-objective genetic algorithm. InProceedings of the genetic and evolutionary computation conference 2019 (pp. 419–427)

  28. Song Y, Zheng S, Li L, Zhang X, Zhang X, Huang Z, Chen J, Zhao H, Jie Y, Wang R, Chong Y. Deep learning enables accurate diagnosis of novel coronavirus (COVID-19) with CT images. medRxiv. 2020

  29. Gozes O, Frid-Adar M, Greenspan H, Browning PD, Zhang H, Ji W, Bernheim A, Siegel E. Rapid AI development cycle for the coronavirus (covid-19) pandemic: initial results for automated detection patient monitoring using deep learning CT image analysis. arXiv:2003.05037. [Preprint] 2020 Mar 10.

  30. Louati H, Bechikh S, Louati A, Aldaej A, Said LB. Evolutionary Optimization of convolutional neural network architecture design for thoracic X-ray image classification. In: Fujita H, Selamat A, Lin JC-W, Al M, editors. International conference on industrial, engineering and other applications of applied intelligent systems. Cham: Springer; 2021. p. 121–32.

    Google Scholar 

  31. Shan F, Gao Y, Wang J, Shi W, Shi N, Han M, Xue Z, Shen D, Shi Y. Lung Infection quantification of COVID-19 in CT Images with deep learning. arXiv:2003.04655 [Preprint] 2020 Mar 10.

  32. Jin C, Chen W, Cao Y, Xu Z, Zhang X, Deng L, Zheng C, Zhou J, Shi H, Feng J. Development and evaluation of an AI system for COVID-19 Diagnosis. medRxiv. 2020 Jan 1

  33. Barstugan M, Ozkaya U, Ozturk S. Coronavirus (COVID-19) Classification using CT images by machine learning methods. arXiv:2003.09424 [Preprint] 2020 Mar 20

  34. Li L, Qin L, Xu Z, Yin Y, Wang X, Kong B, Bai J, Lu Y, Fang Z, Song Q, Cao K. Artificial intelligence distinguishes COVID-19 from community acquired pneumonia on chest CT. Radiology. 2020;19:200905.

    Google Scholar 

  35. Shi H, Han X, Jiang N, Cao Y, Alwalid O, Gu J, Fan Y, Zheng C. Radiological findings from 81 patients with COVID-19 pneumonia in Wuhan, China: a descriptive study. Lancet Infect Dis. 2020. https://doi.org/10.1016/S1473-3099(20)30086-4.

    Article  PubMed  PubMed Central  Google Scholar 

  36. Jin S, Wang B, Xu H, Luo C, Wei L, Zhao W, Hou X, Ma W, Xu Z, Zheng Z, Sun W. AI-assisted CT imaging analysis for COVID-19 screening: Building and deploying a medical AI system in four weeks. medRxiv. 2020 Jan 1.

  37. Louati H, Bechikh S, Louati A, Hung CC, Said LB. Deep convolutional neural network architecture design as a bi-level optimization problem. Neurocomputing. 2021. https://doi.org/10.1016/j.neucom.2021.01.094.

    Article  Google Scholar 

  38. Ng MY, Lee EY, Yang J, Yang F, Li X, Wang H, Lui MM, Lo CS, Leung B, Khong PL, Hui CK. Imaging profile of the COVID-19 infection: radiologic findings and literature review. Radiol Cardiothorac Imaging. 2020;2(1):e200034.

    Article  Google Scholar 

  39. Canayaz M, Şehribanoğlu S, Özdağ R, Demir M. Covid-19 diagnosis on ct images with bayes optimization-based deep neural networks and machine learning algorithms. Neural Comput Appl. 2022. https://doi.org/10.1007/s00521-022-07052-4.

    Article  PubMed  PubMed Central  Google Scholar 

  40. Abd Elaziz M, Dahou A, Abualigah L, et al. Advanced metaheuristic optimization techniques in applications of deep neural networks: a review. Neural Comput Appl. 2021;33:14079–99. https://doi.org/10.1007/s00521-021-05960-5.

    Article  Google Scholar 

  41. Unal HT, Başçiftçi F. Evolutionary design of neural network architectures: a review of three decades of research. Artif Intell Rev. 2022;55:1723–802. https://doi.org/10.1007/s10462-021-10049-5.

    Article  Google Scholar 

  42. Alzubaidi L, Zhang J, Humaidi AJ, et al. Review of deep learning: concepts, CNN architectures, challenges, applications, future directions. J Big Data. 2021;8:53. https://doi.org/10.1186/s40537-021-00444-8.

    Article  PubMed  PubMed Central  Google Scholar 

  43. Kohavi R, John GH. Wrappers for feature subset selection. Artif Intell. 1997;97(1/2):273–324.

    Article  Google Scholar 

  44. Alzubaidi L, Al-Amidie M, Al-Asadi A, et al. Novel transfer learning approach for medical imaging with limited labeled data. Cancers. 2021;13(7):1590.

    Article  Google Scholar 

  45. Hammami M, Bechikh S, Louati A, Makhlouf M, Said LB. Feature construction as a bi-level optimization problem. Neural Comput Appl. 2020;32:13783–804.

    Article  Google Scholar 

  46. Louati A. A hybridization of deep learning techniques to predict and control traffic disturbances. Artif Intell Rev. 2020;53:5675–704.

    Article  Google Scholar 

  47. Louati A, Lahyani R, Aldaej A, Aldumaykhi A, Otai S. Price forecasting for real estate using machine learning: a case study on Riyadh city. Concurr Comput Pract Exp. 2022;34:e6748.

    Article  Google Scholar 

  48. Louati A, Lahyani R, Aldaej A, Mellouli R, Nusir M. Mixed integer linear programming models to solve a real-life vehicle routing problem with pickup and delivery. Appl Sci. 2021;11:9551.

    Article  Google Scholar 

  49. Louati A, Louati H, Li Z. Deep learning and case-based reasoning for predictive and adaptive traffic emergency management. J Supercomput. 2021;77:4389–418.

    Article  Google Scholar 

  50. Louati A, Louati H, Nusir M, Hardjono B. Multi-agent deep neural networks coupled with lqf-mwm algorithm for traffic control and emergency vehicles guidance. J Ambient Intell Humaniz Comput. 2020. https://doi.org/10.1007/s12652-020-01921-3.

    Article  Google Scholar 

  51. Louati A, Masmoudi F, Lahyani R. Traffic disturbance mining and feedforward neural network to enhance the immune network control performance. InProceedings of Seventh international congress on information and communication technology 2022.

  52. Louati H, Bechikh S, Louati A, Aldaej A, Said LB. Joint design and compression of convolutional neural networks as a bi-level optimization problem. Neural Comput Appl. 2022. https://doi.org/10.1007/s00521-022-07331-0.

    Article  PubMed  PubMed Central  Google Scholar 

  53. Louati H, Bechikh S, Louati A, Aldaej A, Said LB. Evolutionary optimization for CNN compression using thoracic X-ray image classification. InProceedings of the 34th international conference on industrial, engineering other applications of applied intelligent systems 2022.

Download references

Acknowledgements

This project was supported by the Deanship of Scientific Research at Prince Sattam bin Abdulaziz University through the research project project No. 2021/01/18209.

Funding

Deanship of Scientific Research at Prince Sattam bin Abdulaziz University. Research project No.2021/01/18209.

Author information

Authors and Affiliations

Authors

Contributions

Conceptualization, methodology, and experimentation: HL; Validation: AL; Supervision: AL, SB; Writing—review and editing: HL, AL; Project administration: AL, FM; Funding acquisition: FM, AA, EK. All authors have read and approved the final manuscript.

Corresponding author

Correspondence to Ali Louati.

Ethics declarations

Ethics approval and consent to participate

This material is the authors’ own original work, which has not been previously published elsewhere. The paper is not currently being considered for publication elsewhere. The paper reflects the authors’ own research and analysis in a truthful and complete manner.

Consent for publication

Not applicable.

Competing interests

The authors declare no competing interests.

Additional information

Publisher's Note

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

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Louati, H., Louati, A., Bechikh, S. et al. Topology optimization search of deep convolution neural networks for CT and X-ray image classification. BMC Med Imaging 22, 120 (2022). https://doi.org/10.1186/s12880-022-00847-w

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12880-022-00847-w

Keywords