Skip to main content

A novel adaptive momentum method for medical image classification using convolutional neural network

Abstract

Background

AI for medical diagnosis has made a tremendous impact by applying convolutional neural networks (CNNs) to medical image classification and momentum plays an essential role in stochastic gradient optimization algorithms for accelerating or improving training convolutional neural networks. In traditional optimizers in CNNs, the momentum is usually weighted by a constant. However, tuning hyperparameters for momentum can be computationally complex. In this paper, we propose a novel adaptive momentum for fast and stable convergence.

Method

Applying adaptive momentum rate proposes increasing or decreasing based on every epoch's error changes, and it eliminates the need for momentum hyperparameter optimization. We tested the proposed method with 3 different datasets: REMBRANDT Brain Cancer, NIH Chest X-ray, COVID-19 CT scan. We compared the performance of a novel adaptive momentum optimizer with Stochastic gradient descent (SGD) and other adaptive optimizers such as Adam and RMSprop.

Results

Proposed method improves SGD performance by reducing classification error from 6.12 to 5.44%, and it achieved the lowest error and highest accuracy compared with other optimizers. To strengthen the outcomes of this study, we investigated the performance comparison for the state-of-the-art CNN architectures with adaptive momentum. The results shows that the proposed method achieved the highest with 95% compared to state-of-the-art CNN architectures while using the same dataset. The proposed method improves convergence performance by reducing classification error and achieves high accuracy compared with other optimizers.

Peer Review reports

Introduction

In recent years, developments of Deep Neural Networks (DNNs) have combined with large amounts of medical images allows more accurate and rapid diagnosis of disorders. It’s helping neuro-oncologists diagnose patients more accurately and recommend effective treatments. The challenge of early diagnosis of disorders increased the importance of new deep learning techniques in medical science. Convolutional neural networks (CNNs) are the most popular deep learning algorithm in computer vision. The main advantage of CNN compared to traditional networks is that it automatically detects significant features, and the network architecture gives CNN the ability to learn complicated features from images [1]. The new methods are also improving the efficiency of CNNs and their accuracy. In the study [2], the author improved the CNN model by using adaptive dropout instead of the global average pool to perform multi-label classification on the data set of X-ray images. The x-ray images reveal multiple diseases, which makes the problem a multi-label classification problem. They have implemented the multi-label classification problem by splitting it into multiple binary problems and reported improved results. Li et al. [3] addressed the challenge of a small dataset, weak annotations, and varying scales of interest by scaling features extracted from medical images to different sizes to capture the scale-invariant patterns. To detect invariant patterns from features of different scales, they have used the shared kernels. Then they have applied the top-k pooling to extract the highest activations from each feature map in each convolution channel. Wei et al. [4] proposed two-channel CNN for classification of MHSI (Medical Hyperspectral Image) data, including the end-to-end CNN for the extraction of global representative features from unlabeled data and a basic CNN to preserve the information of local details. Agrawal et al. [5] proposed a metric to test the suitable CNN architecture to implement transfer learning. They have performed the classification of gastro-intestinal tract images and compared the performance of five different CNN architectures. In the study [6], the author presented an approach to automatically adjust CNN architecture to increase accuracy and decrease test runs. They have used three optimization algorithms, including GA (Genetic Algorithm), BOA (Bayesian Optimization Algorithm), and NM (Nelder-Mead) in their approach to tune CNN. Finally, the process of creating a fine-tuned CNN architecture using optimization algorithms evaluated over the five thousand biomedical case images belonging to six different classes and results are significant with all three optimization algorithms. In addition to the different implementation approaches of CNN a recent study [7] evaluated the CNN and transfer learning for natural medical images and classified them under the defined set of labels. They have concluded that we can transfer knowledge from natural images to medical images, but if the databases are huge, then the results may vary. The CNN model produces significant results when applied to image processing. Rather than designing new models, the researcher [8] applied a Meta-heuristic optimization algorithm to boost the performance of CNN for medical image classification. Another study by [9] optimized the CNN model for histopathological image classification and reported the significant performance of the model. They have followed UED (uniform experimental design) and performed the parameter optimization of breast cancer histopathological images. Automatic identification of diseases is a great contribution in the field of medicine. Therefore, the author in [10] performed classification using CNN to classify bone scintigraphy images. They also compared the well-known CNN architectures for image classification, including GoogleNet, VGG16, and the ResNet50.

Furthermore, as the current world situation resulting from Covid-19 worsens day by day, researchers are also focusing on the automatic detection of disease using deep learning models. For example, [11] the authors performed classification using a CNN model on 165 x-ray images of Covid-19 patients. They have trained the model with the x-ray images for both positive and negative Covid-19 patients. The results were promising in detecting the disease using the model, which can positively contribute to the recent pandemic.

In recent years, AI applications of medical image analysis have increased [12,13,14,15,16,17,18,19,20,21]. For example, the author [12] has introduced brain tumor classification using CNN’s while still some researchers using support vector machines [13], region augmentation [15, 19], wavelet transformations [16, 17]. Although brain tumor image segmentation plays a vital role in [14] and [18], it is out of the scope of this research. As per the recent trend of modeling CNN for medical image classification, the authors of studies [12, 16], and [19] both performed classification using medical images. However, in [19] classified the images into five categories related to 3 brain tumor types by training the parameters of CNN rigorously. While the authors [20] used a new machine learning architecture (CapsNet) in brain tumor classification, there is still time to achieve it due to the slow learning process. In [21], the author classified the 2D-CE-MRI images into three types of brain tumors by applying the transfer learning-based fine-tuning approach.

Stochastic gradient descent (SGD) is considered one of the most efficient algorithms [22] for optimizing CNNs. This optimization method minimizes the objective function J(θ) by controlling the model’s parameter θ  Rd. The control is attained by updating the parameters in the opposite direction of the gradient of objective function θJ(θ) in comparison to different parameters [23]. The local minimum is represented by the size and number of steps required by the learning rate η of the algorithm. The benefit of the gradient descent method for CNN optimization is its capability to solve multi-oriented complex problems that conventional statistical methods cannot solve. Although it is an efficient algorithm, some limitations degrade its performance, including a high steady error rate and slow convergence. These limitations can be mitigated using a method known as the momentum technique. This technique decreases the steepest descent error. Moreover, it aids in increasing the convergence rate. The drawback of the momentum technique is that when fixed momentum is in a negative gradient direction, it will not arrange the weight down the slope but rather to the error surface [24,25,26]. The backpropagation (BP) technique computes this gradient that SGD uses, and BP can resolve this issue by helping to extend the fixed momentum to adaptive momentum. This may be achieved by superior adaptation with the iterations while gaining optimal convergence speed. During the iteration process, the adaptive momentum will update itself step by step. The only variable on which this adaptive behavior depends is the prediction of an output value error in each iteration.

This paper presents a novel adaptive momentum technique with two significant benefits: Reducing overall error, achieving the highest accuracy, and accelerating fast convergence. Taken results from performance comparison analysis (confusion matrix) proposed adaptive momentum have improved performance and increased efficiency compared to traditional stochastic gradient descent and other state-of-the-art optimization algorithms. The contributions of this paper can be summarized as follows:

  • Proposed boosted backpropagation method for not only for binary classification but also multi-label and multi-class classification, which is more complex and challenging when compared with simple binary classification. The proposed method tested on 3 different medical image datasets [27,28,29] and achieved highest results.

  • Demonstrated how adaptive momentum improves the performance and convergence speed of SGD in CNNs when detecting medical disorders

  • Compared adaptive momentum optimization algorithm with other optimizers and performed promising results

  • Investigated the performance of pre-trained CNNs when using adaptive momentum, not only against state of the art architectures but also against CNNs trained from scratch using medical imaging data.

The layout of this paper is as follows: The proposed approach is given in The proposed approach. The experimental settings, fine tuning, dataset preprocessing is shown in Experimental study. The experimental results and comparison that show the performance of the proposed method are shown in Evaluation results, and the discussion and future work discussion is presented in Discussion.

The proposed approach

There is a proportional increase in computational effort when using multilayered networks to compute a wide range of Boolean functions [30]. Using gradient descent, the backpropagation algorithm searches for the minimum of the error function in weight [31, 32]. Learning problems are solved by combining the weights, minimizing the error function. Backpropagation entails both backward and forward steps. It performs a backward pass by adjusting the model’s parameters to minimize the error function [33]. In the forward process, “c” represents the inputs to the neural network with “x” neurons. wxk is the weight of interconnection between the hidden layer and neurons. “k” represents the hidden-layer neurons. The hidden layer can be defined as:

$${\text{H}}\left( {\text{k}} \right) = \mathop \sum \limits_{{{\text{x}} = 1}}^{{\text{N}}} {\text{c}}_{{\text{x}}} {\text{w}}_{{{\text{xk}}}} + {\text{b}}_{{\text{h}}}$$
(1)

where \({\rm{b}}_{\rm{h}}\) is a bias input layer. In the next step, this hidden layer is passed through an activation function [22]. After calculating the overall output by multiplying the output of the hidden layer neurons with the hidden layer weights \({\rm{w}}_{\rm{xk}}\), the results, pass through an activation function. The aim is to minimize the loss function (ω) by adjusting weights to reach a global minimum; this can be described by the following update rule:

$$\omega \to - \omega + \eta \nabla {\text{E}}\left( \omega \right)$$
(2)
$$\nabla {\text{E}}\left( \omega \right) = \left( {\frac{{\partial {\text{E}}}}{{\partial \omega_{1} }},\frac{{\partial {\text{E}}}}{{\partial \omega_{2} }}, \ldots ,\frac{{\partial {\text{E}}}}{{\partial \omega_{{\text{n}}} }}} \right)$$
(3)

to get the gradient of E with respect to the \({\text{w}}_{{{\text{pq}}}}\), we use the chain rule;

$$\frac{{\partial {\text{E}}}}{{\partial {\text{w}}_{{{\text{pq}}}} }} = \sum\limits_{{\text{k}}} {\frac{{\partial {\text{E}}}}{{\partial {\text{H}}\left( {\text{k}} \right)}}\frac{{\partial {\text{H}}\left( {\text{k}} \right)}}{{\partial {\text{w}}_{{{\text{pq}}}} }}} = \sum\limits_{{\text{k}}} {({\text{q}}_{{\text{k}}} \left( {\text{z}} \right)\tau - {\text{p}}\left( {\text{y}} \right)){\text{c}}_{{\text{p}}} \delta_{{{\text{kq}}}} }$$
(4)

The gradient of the error function E is

$${\text{E}}_{{\text{W}}} \left( {\text{W}} \right) = \left( {{\text{E}}_{{{\text{w}}_{0} }}^{{\text{T}}} \left( {\text{W}} \right),\;{\text{E}}_{{{\text{w}}_{1} }}^{{\text{T}}} \left( {\text{W}} \right), \ldots ., {\text{E}}_{{{\text{w}}_{{\text{n}}} }}^{{\text{T}}} \left( {\text{W}} \right)} \right)^{{\text{T}}}$$
(5)

Which is:

$$\frac{\partial E}{{\partial {\text{w}}_{{{\text{xk}}}} }} = {\text{c}}_{{\text{x}}} \left( {{\text{q}}_{{\text{i}}} \left( {\text{z}} \right) - {\text{p}}\left( {\text{x}} \right)} \right)$$
(6)

In this case the initial W0, the iterative increment formula for the weights takes the form

$${\text{w}}\left( {{\text{n}} + 1} \right) = {\text{W}}_{{\text{n}}} - \eta {\text{E}}_{{\text{W}}} \left( {{\text{W}}_{{\text{n}}} } \right)$$
(7)

where ƞ > 0 is the learning rate which indicates how far to go along the negative direction of the gradient. However, in this case, the convergence speed is very slow due to the saturation behavior of the activation function in the network, which is even much worse for the network with multi-hidden layer networks [34]. This is because even if the output unit saturates the corresponding decent gradient takes a small value, even if the output error is large, which will result in no significant progress in the weight adjustment. The second disadvantage of this method is the difficulty in choosing a proper learning rate ƞ to achieve fast learning while maintaining the learning procedure stable [35]. These problems contribute to the lack of an inability to apply conventional BP to a wide number of applications.

Momentum term prevents search deviation by observing two successive gradient steps to control or uphold the second. The momentum term is a fraction of the previous weight correction. During the last few years different modified versions of BP versions introduced in most of the work was concerned with the effect of both momentum and learning rates in relation to the speed of conversions. This is because these two parameters have a direct relation to conversion underdamped oscillation conditions. This is usually achieved by modifying Eq. (7) by adding a fraction of the previous weight adjustment, which leads to

$${\text{W}}_{{{\text{n}} + 1}} = {\text{W}}_{{\text{n}}} - \eta {\text{E}}_{{\text{W}}} \left( {{\text{W}}_{{\text{n}}} } \right) + \alpha \left( {{\text{W}}_{{\text{n}}} - {\text{W}}_{{{\text{n}} - 1}} } \right)$$
(8)

In this case \(\Delta {\text{W}}_{{{\text{n}} - 1}} = \left( {{\text{W}}_{{\text{n}}} - {\text{W}}_{{{\text{n}} - 1}} } \right)\), the above equation can now be rewritten as;

$$\Delta {\text{W}}_{{\text{n}}} = - \eta {\text{E}}_{{\text{W}}} \left( {{\text{W}}_{{\text{n}}} } \right) + \alpha \Delta {\text{W}}_{{{\text{n}} - 1}} \;\;{\text{n}} = 0, 1, \ldots$$
(9)

where \(\alpha \Delta {\text{W}}_{{{\text{n}} - 1}}\) is the momentum term while \(\alpha\) is the momentum coefficient which is a positive number and \((0 < \alpha < 1)\).

Backpropagation with adaptive momentum

In conventional BP the use of constant learning and momentum terms is an effective way to accelerate the learning convergence by adjusting these terms during the training process. The use of a small learning rate induces a small change in the network weights from one iteration to the next leading to a smoother learning curve. However, using a larger learning term value would result in a larger change in the network weights, which may cause network instability and oscillatory effect. Suitable momentum coefficient and learning rates are required to achieve fast and stable convergence during the training process. This study intends to introduce a BP algorithm with a variable adaptive momentum coefficient and learning rate. The proposed variable momentum is given by equation as:

$$\alpha \left( {\text{n}} \right) = \frac{\beta }{{1 + \exp \left( { - \left| {1 \div \sqrt {E({\mathfrak{n}} \times {\text{E(}}{\mathfrak{n}} - 1{\text{)}})} } \right|} \right)}}$$
(10)

where \(\beta\) is the forgetting factor \((0 \ll \beta < 1)\).

The initial value of β is expected to be large enough; this will result in the term \(1 - \beta^{{\text{n}}}\) close to unity. As such, the initial value of α(n) will be relatively large. It is expected that a rapid convergence of the updated weights can be achieved through a minimal number of iterations, which will be enhanced further as the value of momentum becomes smaller. Hence, it provides low-error performance for the weights update in (7). The momentum tracks of the error E(n) in each epoch and decreases or increases within a given range. We create a velocity variable to store our momentum for every parameter.

The gradient of the error function (3) with respect to W and V (velocity) and given the initial weights \({\text{w}}_{0}\), \({\text{w}}_{1}\), and \({\text{v}}_{0}\), \({\text{v}}_{1}\), the momentum algorithm updates the weights w and v iteratively by;

(11)

where \(\alpha \in \left( {0,1} \right)\) is the variable adaptive momentum coefficient given by Eq. (10), and \(\eta \in \left( {0,1} \right)\) is the learning rate (0.01).

(12)

Then Eq. (11) can be written as

$$\left\{ \begin{aligned} & \Delta {\text{w}}_{{{\text{n}} + 1}} = \alpha \Delta {\text{w}}_{{\text{n}}} - \eta {\text{E}}_{{\text{w}}} \left( {{\text{w}}_{{\text{n}}} ,{\text{V}}_{{\text{n}}} } \right) \\ & \Delta {\text{v}}_{{{\text{n}} + 1}}^{{\text{i}}} = \alpha_{{{\text{n}},{\text{i}}}} \Delta {\text{v}}_{{\text{n}}}^{{\text{i}}} - \eta {\text{E}}_{{{\text{v}}_{{\text{i}}} }} \left( {{\text{w}}_{{\text{n}}} ,{\text{V}}_{{\text{n}}} } \right)\quad {\text{i}} = 1, \ldots , {\text{N}},\;\;{\text{n}} = 1,2, \ldots . \\ \end{aligned} \right.$$
(13)

The convergence of the adaptive momentum algorithm is said to be weakly convergent under the following assumptions.

  1. (a)

    The denotation subset function \({\text{f}}\left( {\text{t}} \right)\), and their derivatives \({\text{f}}^{\prime } (t)\), and \({\text{f}}^{\prime \prime } {\text{(t)}}\) of Eq. (1) are uniformly bounded for all \({\text{t}} \in {\mathcal{R}}\)

  2. (b)

    \({\text{W}}_{{\text{n}}} { }({\text{n}} = 1,2, \ldots ..\) are uniformly bounded)

  3. (c)

    The following set has a finite number of elements

$$\varphi = \left( {{\text{w}},{\text{V}}} \right){\text{|E}}_{{\text{w}}} \left( {{\text{w}},{\text{V}}} \right) = 0,\;{\text{E}}_{{\text{w}}} \left( {{\text{w}},{\text{V}}} \right) = 0,\;{\text{i}} = 1, \ldots .,{\text{ N}}\}$$
(14)

Assuming that the error function given by (12) and the weight sequence \(\left\{ {{\text{W}}_{{\text{n}}} } \right\}\) generated by (13) with an initial weight value \({\text{W}}_{0}\) confirms that using assumption (a), (b), and (c) will hold for the final network output.

  1. 1.

    \({\text{E}}\left( {{\text{W}}_{{{\text{n}} + 1}} } \right) \le {\text{E}}\left( {{\text{W}}_{{\text{n}}} } \right),{\text{ n}} = 0,{ }1,{ } \ldots\)

  2. 2.

    There is \({\text{E}}^{*} \ge 0\) such that \({\text{lim}}_{{{\text{n}} \to \infty }} {\text{E}}\left( {{\text{w}}_{{\text{n}}} ,{\text{V}}_{{\text{n}}} } \right) = {\text{E}}^{*}\)

  3. 3.

    \({\text{lim}}_{{{\text{n}} \to \infty }} {\text{E}}_{{\text{W}}} \left( {{\text{w}}_{{\text{n}}} ,{\text{ V}}_{{\text{n}}} } \right) = 0\)

  4. 4.

    \({\text{lim}}_{{{\text{n}} \to \infty }} {\text{E}}_{{{\text{v}}_{{\text{i}}} }} \left( {{\text{w}}_{{{\text{n}},}} ,{\text{ V}}_{{\text{n}}} } \right) = 0,\;{\text{i}} = 1,{ } \ldots .,{\text{ N }}\)

For any input , the output of the hidden neurons is , and the network output is

(15)

Hence if assumption (c) is satisfied, then the (15) will converges to a local minimum \(\left( {{\text{w}}^{*} ,{\text{V}}^{*} } \right)\), which means

$${\text{lim}}_{{{\text{n}} \to \infty }} {\text{w}}_{{\text{n}}} = {\text{w}}^{*} ,\;{\text{lim}}_{{{\text{n}} \to \infty }} {\text{V}}_{{\text{n}}} = {\text{V}}^{*}$$
(16)
$${\text{E}}_{{\text{w}}} \left( {{\text{w}}^{*} ,{\text{V}}^{*} } \right) = 0,\;\;{\text{E}}_{{{\text{v}}_{{\text{i}}} }} \left( {{\text{w}}^{*} ,{\text{V}}^{*} } \right) = 0,\;\;{\text{i}} = 1,{ }..,{\text{ N}}$$
(17)

The proposed variable momentum algorithm is different from previous state of the art methods as it uses the error to update the momentum term which means that the momentum term is directly related to the error value and behaves in such a way to reduce the error. In the next section, medial data preprocessing is going to be explained in which gets transformed, to bring it to such a state that the proposed variable adaptive momentum can easily parse it. In our experiments, 3 medical datasets have been selected to include all classification tasks: binary, multi label and multi class classification.

Experimental study

Brain tumor dataset

The largest cancer imaging archive from the REMBRANDT dataset for multi-class classification (Fig. 1) comprises 110.020 MRI images of tumors for 130 patients [27]. We only focused Astrocytoma, Glioblastoma, Oligodendroglioma and unidentified tumor image types. We have not considered the grade types of the tumor. In the experiments, we found out that, some patient's IDs were not found in metadata and some images were detected as outliers. We removed those images from the dataset. Finally, 106.541 images are classified for processing. The standard format for MRI images is DICOM image file format which was arranged according to the patient’s ID. In the next step, these images were converted into standard PNG format and were categorized based on types of tumors. This work was not done manually for all the images, but an automated approach is used with the help of metadata before conversion to PNG format. The study used encoded images which were represented by scalar string tensors.

Fig. 1
figure 1

Samples from REMBRANDT brain tumor dataset

Chest X-ray dataset

Chest X-ray examination is one of the most frequent and cost-effective medical imaging examinations. However, it may be difficult clinical diagnosis of chest X-rays and sometimes more difficult than diagnosing with a chest CT imaging. NIH Chest X-ray Dataset (Fig. 2) is comprised of 112,120 X-ray images with disease multi-labels from 30,805 unique patients [28]. The initial dataframe has been preprocessed to format (TFRecords) more suitable for CNN training purposes. Only images (downscaled to 600 × 600 and encoded as 1-channel jpegs) and corresponding diagnosis were left with all additional patient information excluded (e.g., age, sex, etc.). All 112,120 samples were kept (no filtration, grouping, or removing were performed). We focused all disease categories including Atelectasis, Consolidation, Infiltration, Pneumothorax, Edema, Emphysema, Fibrosis, Effusion, Pneumonia, Pleural Thickening, Cardiomegaly, Nodule, Mass and Hernia.

Fig. 2
figure 2

Samples from the NIH chest X-ray dataset

Covid-19 CT scan dataset

During the pandemic, Maftouni [29] and his friends created a largest COVID-19 lung CT dataset (Fig. 3) so far, with 8.2 usability in Kaggle by curating data from 7 public datasets. These datasets have been publicly used in COVID-19 diagnosis literature and proven their efficiency in deep learning applications. Therefore, the merged dataset is expected to improve the generalization ability of deep learning methods by learning from all these resources together. The dataset has COVID-19, Normal, and CAP CT slices together with their corresponding metadata. Some of the datasets consist of categorized CT slices, and some include CT volumes with annotated lesion slices. Therefore, we used the slice-level annotations to extract axial slices from CT volumes. They converted all the images to 8-bit to have a consistent depth. They removed the closed lung normal slices that do not carry information about inside lung manifestations to ensure dataset quality. Additionally, they did not include images lacking clear class labels or patient information. In total, they have gathered 7,593 COVID-19 images from 466 patients, 6,893 normal images from 604 patients, and 2618 CAP images from 60 patients. To test all classification types in medical imaging, CAP labels are removed for this work to get the performance of binary classification. In our experiment, we only focused on patients who is diagnosed as Covid-19 and not Covid-19 for healthy ones.

Fig. 3
figure 3

Samples from the Covid-19 CT scan dataset

Data preprocessing and model simulations

During the preprocessing stage, CNN was subjected to image directly. The convolution kernel is then applied to pixel intensity in the image. The output of the convolution kernel is very dependent on the intensity values of the image. This intensity of pixels is not the same in all the images and it varied across images and subjects. The intensity of these images also depends on the image acquisition environment. These variations must be normalized for data mining approaches especially CNN. If the variations are not normalized it will result in a biased-conditioned network. The purpose of normalization to get the same range of values for different inputs into the CNN model. This helps in the stable convergence of the model. Therefore, in the preprocessing step, the intensity normalization is achieved using a minimum–maximum normalization approach. This scale the variable values to either [0,1]. Mathematically it is achieved using the following equation:

$${\text{y}}_{{\text{i}}} = {\text{ x}}_{{\text{i}}} { } - {\text{min}}\left( {\text{x}} \right)){ }/{\text{ max}}\left( {\text{x}} \right) - {\text{min}}\left( {\text{x}} \right)$$
(18)

where \({\rm{y}}_{\rm{i}}\) is the normalized intensity value against the position \({\rm{x}}_{\rm{i}}\) (i = 1.. n). The min(x) and max(x) represent the minimum and maximum intensity values for intensity in the entire image. Images were normalized and then resized. It was triplicated for creating three channels as per the prerequisite for the sized input model. The result of intensity normalization is that it generates the intensity which is in a coherent range across all images. This aids in the learning process of CNN. Reducing the image size reduces the memory requirements while increases the speed of the training process.

We used the cropping technique for brain tumor images due to feeding the model only with the brain image. In order to crop the part that contains only the brain of the image, we used a contour detection algorithm [36] to find the extreme points of the brain image.

In brain tumor and chest diagnosis data, we converted data structure hierarchy into a byte stream for binary serialization format such as Pickle and TFRecords, whereby a binary file is easily be converted back into an object hierarchy.

Neural networks need to incorporate non-linearity in their layers as it performs complex tasks. A ReLu activation function computes the output of each layers because other functions like Sigmoid requires much more calculation to find its gradient. ReLU on the other hand directly gives the gradient with less computation. This helps during backpropagation saving a lot of time and gradient computation power. One other reason is the gradient with sigmoid function saturates on having high or low numbers making it difficult to change the new weights. ReLu has a linear function for x > 0 which achieves no saturation.

$${\text{f}}\left( {\text{x}} \right) = {\text{max}}\left( {0,{\text{x}}} \right)$$
(19)

All neurons in the convolutional and fully connected layers use (3) and (4) to calculate the input and produce output. It is well achieved that, adding strides instead of pooling layer increases accuracy [37]. However, we used max pooling layer too between last 2 convolution layer to reduce network parameters low. The final layer computes the classification probability of each classification type using the Softmax function:

$$\sigma \left( {{\text{z}}_{{\text{i}}} } \right) = { }\frac{{{\text{e}}^{{{\text{z}}_{{\text{i}}} }} }}{{\mathop \sum \nolimits_{{{\text{j}} = 1}}^{{\text{K}}} {\text{e}}^{{{\text{z}}_{{\text{j}}} }} }}\;{\text{for}}\;{\text{i}} = 1, \ldots ,{\text{K}}\;{\text{and}}\;{\text{z}} = \left( {{\text{z}}_{1} , \ldots ,{\text{z}}_{{\text{K}}} } \right) \in {\text{R}}^{{\text{K}}}$$
(20)

As these processes includes all classification task, in the output node, we used cross-entropy to calculate loss,

$${\text{C}}\left( {{\text{x}},{\text{y}}} \right) = { } - \mathop \sum \limits_{{\text{i}}}^{{\text{c}}} {\text{y}}_{{\text{i}}} \times { }\log \left( {{\text{x}}_{{\text{i}}} } \right)$$
(21)

The model was simulated using Google Colab TPU and NIVIDA GPU Tesla K80 with 13 GB of memory. The model layers were tuned through an extensive set of experiments. We created sequential object and started off with a CNN layer. We set filters to 32, 64 and 128 for each 3 CNN layer respectively. We set the kernel size to 3 by 3 with same padding. We used 2 by 2 stride only in the second CNN layer. In other layer, stride parameters set by default 1 and a very common form of max pooling layer with filter size 2 × 2 applied. Passing a dense layer, we added 512 neurons.

The proposed method custom model is illustrated in Table 1, to reduce overfitting and stabilize learning process, we used dropout and batch normalization (BN). For the dropout (DO), we started with 0.3 and, we used 0.5 before dense layer. We used L2 regularization (weight decay) which adds squared values of weights in the cost function. We expected to see even the training accuracy gets worse, test performance will get better by diffusing weights. The custom model regularization hyperparameter is 0.0005. The visualization of the structure of the proposed model is shown below. Note that, model output shapes differ in each dataset due to input shapes of images.

Table 1 Example of model architecture and parameters

The purpose of the create and use a custom model (Fig. 4) is to reduce training time but during experiments, we tested our method with pre-trained models too which will be discussed in later sections.

Fig. 4
figure 4

Proposed CNN Architecture

Evaluation results

Performance metrics

The performance of the CNN image-based classification is evaluated for image-based classification for the parameters used in the confusion matrix, such as specificity, recall/sensitivity, accuracy, F1 score, and precision. These metrics are evaluated using the terms provided in Table 2.

$${\text{Accuracy}} = \frac{{{\text{TP}} + {\text{TN}}}}{{{\text{TP}} + {\text{FP}} + {\text{FN}} + {\text{TN}}}}$$
$${\text{Precision}}\;\left( {{\text{PPV}}} \right) = \frac{{{\text{TP}}}}{{{\text{TP}} + {\text{FP}}}}$$
$${\text{Recall}}\;\left( {{\text{Sensitivity}}} \right) = \frac{{{\text{TP}}}}{{{\text{TP}} + {\text{FN}}}}$$
$${\text{F}}1\;{\text{Score}} = 2*\frac{{{\text{Precioson}}*{\text{Recall}}}}{{{\text{Precision}} + {\text{Recall}}}}$$

The confusion matrix parameters of Rembrandt dataset’s TP result is 56128, TN is 45285, FN is 1064 and FP is 4064. Chest X-Ray dataset’s TP result is 83652, TN is 12368, FN is 5095 and FP is 11005. Covid 19 dataset’s TP result is 6060, TN is 1020, FN is 420 and FP is 93.

Table 2 Defining the terms TP, FP, FN, TN

Experiment results

We split the Chest X-Ray and Covid-19 images into train and test with a ratio of 20%-80% and 25%-75% for brain tumor image by random sampling to assess the classification performance of the proposed model. The training accomplished using several Python libraries such as Scikit-learn, and TensorFlow. We reduced the images size to limit memory consumption per iteration. We tested our method with well-known optimizers such as Adam, RMSprop and SGD. We used standard parameters (\({\beta }_{1}\) = 0.9, \({\beta }_{2}\) = 0.999) a learning rate of \(\alpha\) = 0.001 for Adam and RMSProp with \(\varepsilon =1e-07\), and \(\alpha\)= 0.01 for SGD and proposed method. To test fast convergence of the proposed model, the data trained 5 epochs to experiment validation accuracy with custom model. The accuracy comparison with different optimizers in different datasets are shown in Tables 3, 4 and 5.

Table 3 Accuracy comparison among the proposed method on REMBRANDT brain tumor dataset
Table 4 Accuracy comparison among the proposed method on NIH chest X-ray dataset
Table 5 Accuracy comparison among the proposed method on Covid-19 dataset

Our experimental results demonstrated that proposed adaptive momentums converges better than Adam, RMSprop and SGD in brain tumor and chest x-ray dataset. As shown in Table 5. RMSprop is more locally unstable. We suspect that this is the case because we used small batch size (32) and trained large network with working small size dataset as it can cause fluctuations. As shown in Table 6 the proposed model achieved 95% F1 score for multi class classification, 85% for multi label classification and 93% for binary classification. Despite an unequal distribution of classes for brain image and chest x-ray datasets, the weighted and macro averages of the precision and recall scores are promising.

Table 6 Classification results of proposed model

Table 7 describes the comparison of proposed approach with state of the art methods on different medical datasets. The author [38] used hybrid genetic algorithm and particle swarm optimization (PSO) with 62% accuracy achievement whereas other author [39] used firefly algorithm and adopted tolerance rough ret (TRS) and achieved accuracy of 90%. All the results are taken from the original paper [40]. The proposed method achieved the highest classification accuracy of 95%. When comparing with Covid-19 studies [29] we want to indicate, authors trained the networks for 50 epochs whereas we only trained 5 epochs as it converges 10 times faster.

Table 7 Accuracy comparison among the proposed and state of the art methods

To strengthen the outcomes of this study we investigated the performance comparison for the state of the art CNN architectures using the proposed method. The usefulness of transfer learning and fine-tuning for smaller datasets have been proposed on [21] but for experimenting with big datasets are still time consuming.

We compared the classification performance of the most well-known 3 pre-trained CNN models (i.e., Xception, Resnet50 and VGG16) trained on Imagenet [43]. The Xception model has 71 deep layers and proposed by Francois Chollet [44]. Resnet50 has 50 deep layers [45] while VGG16 (also called Oxfordnet) is proposed by [46] and is a convolutional neural network that has 16 layers deep.

Discussion

Adaptive momentum algorithm, which is directly related to error variation, converges much faster to a minimum compared to the conventional optimizers. Table 8, shows the comparison results between the proposed method and pre-trained models. The results were achieved after five epochs; the model execution time reduced 60% when compared with pre-trained models. Pre-trained models have approximately 20 times much more parameters to train. We confirm that parameter tuning is time-consuming, even for GPUs and TPUs. Our experiments created a simple CNN model, altered the conventional training method, and included the modified momentum term to get sub-optimal parameters for neurons. The proposed method convergence speed is 20% higher than conventional SGD. During the fine-tuning experiments, the convergence capability of the proposed method and the best test accuracy of the fine-tuning process are shown in (Fig. 5).

Table 8 Accuracy comparison of pre-trained CNN models with proposed method on different medical image datasets
Fig. 5
figure 5

Convergence curve of fine-tune process

The pre-trained models with custom adaptive momentum were tested during the experimental process. Even though the proposed method achieved 0.97% accuracy compared to Xception which, achieved 87% accuracy [29] for the Covid-19 dataset, the accuracy of VGG16 and Resnet50 did not change. The test results show that both the VGG16 and Resnet50 have performed slightly better than the proposed method. Considering that the proposed method training dataset size and number of training epochs are small compared to the pre-trained models, it can be said that the proposed method has performed very well against both of these pre-trained models. This type of comparison will not be considered as a fair comparison since the pre-trained models were trained on millions of images for a much higher number of epochs to achieve this type of result.

There are three major obstacles in using medical images to train algorithms: the class imbalance challenge, the multitask challenge, and the dataset size challenge. In this work, several techniques are presented to tackle them. We used different class weights for each class and passed it to the CNN for the class imbalance challenge. Another challenge that we encounter in the medical image classification setting is the multitask challenge. It is complex and challenging without having underfitting. To overcome this, we used dropout and batch normalization techniques. To train such an algorithm, it was also needed to modify the loss function from the binary tasks to the multitask setting. TPUs and GPUs were used with high RAM in Google Colab; this helped to ease the dataset size challenge. The convolutional neural network is used as the default architecture for many medical imaging problems. These are designed to process 2D images like x-rays. But variants of these are also well suited to medical signal processing or 3D medical images like CT scans, which we will look at in our future works. The standard is to try out multiple models on the desired tasks in medical problems and see which ones work best.

Our future aim is to automate the learning rate depending on the loss value. We will define a function that returns the new learning rate as output in each epoch. This function will be controlled by loss values and either increase or decrease within the specified range. We will create a learning rate scheduler instance and pass the previously defined function as a parameter.

Conclusion

This paper presents an adaptive algorithm in which the adaptive term is directly related to error variation; the algorithm updates the weight vector according to the input vector. Therefore, the algorithm is controlled by the learning rate parameter, which depends on the eigenvalues of the input's autocorrelation matrix, resulting in an improvement in the backpropagation algorithm compared to the conventional algorithm. The results show that the proposed algorithm achieved faster convergence behavior and minimized the miss adjustment error in the steady-state optimum solution.

The proposed method improves SGD performance by reducing classification error from 6.12 to 5.44%, and it achieved the lowest error and highest accuracy compared with other optimizers. Testing results of Table 7 show that the proposed algorithm achieved 95%, 85%, and 93% testing accuracy against the brain tumor, chest x-ray, and covid-19 datasets, respectively. Compared to the best benchmark pre-trained models (Xception, ResNet50 and VGG16), we achieved best results in REMBRANDT an Chest-X-Ray dataset with 60% fast execution time. The performance of the proposed method against the other two pre-trained methods was acceptable, meaning that the proposed method can achieve even better results if the training conditions are changed to be similar to that of the pre-trained methods.

The proposed algorithm performance was further compared against a conventional SGD based algorithm; the proposed algorithm achieved accuracy results of 95% while the result of the conventional SGD is 92%, resulting in convergence speed is 20% higher than the conventional SGD. The result shows that the tuning time required to tune the adaptive term was negligible. The results also confirm that the proposed algorithm can perform well against unbalanced datasets since the dataset chosen for the testing are all highly unbalanced datasets.

Availability of data and materials

The datasets analyzed in this paper are publicly available. All the datasets used is this paper are referenced directly via listing in the references. Also, the repository of the research can be found in https://github.com/utkucanaytac/Adaptive_Momentum_

References

  1. Alzubaidi L, 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 

  2. Zhang Q, et al. A GPU-based residual network for medical image classification in smart medicine. Inf Sci. 2020;536:91–100. https://doi.org/10.1016/j.ins.2020.05.013.

    Article  Google Scholar 

  3. Li S, et al. Multi-instance multi-scale CNN for medical image classification. In: Shen D, Liu T, Peters TM, Staib LH, Essert C, Zhou S, Yap P-T, Khan A, editors., et al., Medical image computing and computer assisted intervention—MICCAI 2019, vol. 11767. Cham: Springer; 2019. p. 531–9.

    Chapter  Google Scholar 

  4. Wei X, Li W, Zhang M, Li Q. Medical hyperspectral image classification based on end-to-end fusion deep neural network. IEEE Trans Instrum Meas. 2019;68(11):4481–92. https://doi.org/10.1109/TIM.2018.2887069.

    Article  CAS  Google Scholar 

  5. Agrawal T, Gupta R, Narayanan S. On evaluating CNN representations for low resource medical image classification. In: ICASSP 2019—2019 IEEE international conference on acoustics, speech and signal processing (ICASSP), Brighton, United Kingdom; 2019. p. 1363–1367. https://doi.org/10.1109/ICASSP.2019.8682397.

  6. Ramos RM, Ralha CG, Kurc TM, Saltz JH, Teodoro G. Increasing accuracy of medical CNN applying optimization algorithms: an image classification case. In: 2019 8th Brazilian conference on intelligent systems (BRACIS), Salvador, Brazil; 2019. p. 233–238. https://doi.org/10.1109/BRACIS.2019.00049.

  7. Dutta P, Upadhyay P, De M, Khalkar G. Medical image analysis using deep convolutional neural networks: CNN architectures and transfer learning. In: 2020 International conference on inventive computation technologies (ICICT), Coimbatore, India; 2020. p. 175–180. https://doi.org/10.1109/ICICT48043.2020.9112469.

  8. Priyanka P, Kumar D. Meta-heuristic optimization based convolutional neural network for medical image classification: a survey. In: 2020 2nd International conference on advances in computing, communication control and networking (ICACCCN), Greater Noida, India; 2020. p. 752–756. https://doi.org/10.1109/ICACCCN51052.2020.9362793.

  9. Lin C-J, Jeng S-Y. Optimization of deep learning network parameters using uniform experimental design for breast cancer histopathological image classification. Diagnostics. 2020;10(9):662. https://doi.org/10.3390/diagnostics10090662.

    Article  PubMed Central  Google Scholar 

  10. Papandrianos N, Papageorgiou EI, Anagnostis A. Development of convolutional neural networks to identify bone metastasis for prostate cancer patients in bone scintigraphy. Ann Nucl Med. 2020;34(11):824–32. https://doi.org/10.1007/s12149-020-01510-6.

    Article  PubMed  Google Scholar 

  11. Haque KF, Haque FF, Gandy L, Abdelgawad A. Automatic detection of COVID-19 from chest X-ray images with convolutional neural networks. In: 2020 International conference on computing, electronics & communications engineering (iCCECE), Southend, United Kingdom; 2020. p. 125–130. https://doi.org/10.1109/iCCECE49321.2020.9231235.

  12. Balasooriya NM, Nawarathna RD. A sophisticated convolutional neural network model for brain tumor classification. In: 2017 IEEE international conference on industrial and information systems (ICIIS), Peradeniya; 2017. p. 1–5. https://doi.org/10.1109/ICIINFS.2017.8300364.

  13. Kharrat A, Halima MB, Ayed MB. MRI brain tumor classification using support vector machines and meta-heuristic method. Paper presented at the 2015 15th international conference on intelligent systems design and applications (ISDA); 2015. https://doi.org/10.1109/isda.2015.7489271.

  14. Quratul A, Jaffar MA, Choi T-S. Fuzzy anisotropic diffusion based segmentation and texture based ensemble classification of brain tumor. Appl Soft Comput. 2014;21:330–40. https://doi.org/10.1016/j.asoc.2014.03.019.

    Article  Google Scholar 

  15. Cheng J, Huang W, Cao S, Yang R, Yang W, Yun Z, Feng Q. Enhanced performance of brain tumor classification via tumor region augmentation and partition. PLoS ONE. 2015. https://doi.org/10.1371/journal.pone.0144479.

    Article  PubMed  PubMed Central  Google Scholar 

  16. Gurusamy R, Subramaniam V. A machine learning approach for MRI brain tumor classification. Comput Mater Continua. 2017;53(2):91–108.

    Google Scholar 

  17. Usman K, Rajpoot K. Brain tumor classification from multi-modality MRI using wavelets and machine learning. Pattern Anal Appl. 2017;20(3):871–81. https://doi.org/10.1007/s10044-017-0597-8.

    Article  Google Scholar 

  18. Jones TL, Byrnes TJ, Yang G, Howe FA, Bell BA, Barrick TR. Brain tumor classification using the diffusion tensor image segmentation (D-SEG) technique. Neuro Oncol. 2015;17(3):466–76. https://doi.org/10.1093/neuonc/nou159.

    Article  CAS  PubMed  Google Scholar 

  19. Sajjad M, Khan S, Muhammad K, Wu W, Ullah A, Baik SW. Multi-grade brain tumor classification using deep CNN with extensive data augmentation. J Comput Sci. 2019;30:174–82. https://doi.org/10.1016/j.jocs.2018.12.003.

    Article  Google Scholar 

  20. Afshary P, Mohammadiy A, Plataniotis K. Brain tumor type classification via capsule networks; 2018. p. 1–5. arXiv preprint arXiv:1802.10200. https://doi.org/10.1109/icip.2018.8451379.

  21. Swati ZNK, et al. Brain tumor classification for MR images using transfer learning and fine- tuning. Comput Med Imaging Gr. 2019;75:34–46. https://doi.org/10.1016/j.compmedimag.2019.05.001.

    Article  Google Scholar 

  22. Leung H, Haykin S. The complex backpropagation algorithm. IEEE Trans Signal Process. 1991;39(9):2101–4. https://doi.org/10.1109/78.134446.

    Article  Google Scholar 

  23. Yu W-J, Shen M, Chen W-N, Zhan Z-H, Gong Y-J, Lin Y, Liu O, Zhang J. Differential evolution with two-level parameter adaptation. IEEE Trans Cybern. 2014;44(7):1080–99. https://doi.org/10.1109/tcyb.2013.2279211.

    Article  PubMed  Google Scholar 

  24. Wang L, Zeng Y, Chen T. Back propagation neural network with adaptive differential evolution algorithm for time series forecasting. Expert Syst Appl. 2015;42(2):855–63. https://doi.org/10.1016/j.eswa.2014.08.018.

    Article  Google Scholar 

  25. Istook E, Martinez T. Improved backpropagation learning in neural networks with windowed momentum. Int J Neural Syst. 2002;12(3–4):303–18. https://doi.org/10.1142/S0129065702001114.

    Article  PubMed  Google Scholar 

  26. Qiu G, Varley MR, Terrell TJ. Accelerated training of backpropagation networks by using adaptive momentum step. Electron Lett. 1992;28(4):377–9. https://doi.org/10.1049/el:19920236.

    Article  Google Scholar 

  27. Clark K, Vendt B, Smith K, Freymann J, Kirby J, Koppel P, Moore S, Phillips S, Maffitt D, Pringle M, Tarbox L, Prior F. The cancer imaging archive (TCIA): maintaining and operating a public information repository. J Digit Imaging. 2013;26(6):1045–57. https://doi.org/10.1007/s10278-013-9622-7.

    Article  PubMed  PubMed Central  Google Scholar 

  28. Wang X, Peng Y, Lu L, Lu Z, Bagheri M, Summers RM. ChestX-ray8: hospital-scale chest X-ray Database and benchmarks on weakly-supervised classification and localization of common thorax diseases. In: IEEE CVPR; 2017. ChestX-ray8Hospital-ScaleChestCVPR2017_paper.pdf.

  29. Maftouni M, Law AC, Shen B, Zhou Y, Yazdi N, Kong ZJ. A robust ensemble-deep learning model for COVID-19 diagnosis based on an integrated CT scan images database. In: Proceedings of the 2021 industrial and systems engineering conference, virtual conference; 2021.

  30. Kanezaki A. Unsupervised image segmentation by backpropagation. Paper presented at the 2018 IEEE international conference on acoustics, speech and signal processing (ICASSP); 2018. https://doi.org/10.1109/icassp.2018.8462533.

  31. Li CH, Park SC. Combination of modified BPNN algorithms and an efficient feature selection method for text categorization. Inf Process Manag. 2009;45(3):329–40. https://doi.org/10.1016/j.ipm.2008.09.004.

    Article  Google Scholar 

  32. Yu CC, Liu B. A backpropagation algorithm with adaptive learning rate and momentum coefficient. In: Proceedings of the 2002 international joint conference on neural networks. IJCNN'02; 2002. https://doi.org/10.1109/ijcnn.2002.1007668.

  33. Hameed AA, Karlik B, Salman MS. Back-propagation algorithm with variable adaptive momentum. Knowl Based Syst. 2016;114:79–87. https://doi.org/10.1016/j.knosys.2016.10.001.

    Article  Google Scholar 

  34. Rumelhart DE, Hinton GE, Williams RJ. Learning representations by back-propagating errors. Nature. 1986;323(6088):533–6. https://doi.org/10.1038/323533a0.

    Article  Google Scholar 

  35. Nawi NM, Hamzah F, Hamid NA, Rehman MZ, Aamir M, Ramli AA. An optimized back propagation learning algorithm with adaptive learning rate. Int J Adv Sci Eng Inf Technol. 2017;7(5):1693. https://doi.org/10.18517/ijaseit.7.5.2972.

    Article  Google Scholar 

  36. Rosebrock A. Finding extreme points in contours with OpenCV. Retrieved July 05, 2020, from www.pyimagesearch.com/2016/04/11/finding-extreme-points-in-contours-with-opencv/.

  37. Kolesnikov A, Beyer L, Zhai X, Puigcerver J, Yung J, Gelly S, Houlsby N. Large scale learning of general visual representations for transfer; 2019. arXiv preprint arXiv:1912.11370.

  38. Bhattacharjee K, Pant M. Hybrid particle swarm optimization-genetic algorithm trained multi-layer perceptron for classification of human glioma from molecular brain neoplasia data. Cognit Syst Res. 2019;58:173–94.

    Article  Google Scholar 

  39. Jothi G, HannahInbarani H. Hybrid tolerance rough set-firefly based supervised feature selection for MRI brain tumor image classification. Appl Soft Comput. 2016;46:639–51.

    Article  Google Scholar 

  40. Tiwari A, Srivastava S, Pant M. Brain tumor segmentation and classification from magnetic resonance images: review of selected methods from 2014 to 2019. Pattern Recogn Lett. 2020;131:244–60. https://doi.org/10.1016/j.patrec.2019.11.020.

    Article  Google Scholar 

  41. Tang YX, Tang YB, Han M, Jing X, Summers RM. Abnormal chest X-ray identification with generative adversarial one-class classifier. In: 2019 IEEE 16th International symposium on biomedical imaging (ISBI 2019). https://ieeexplore.ieee.org/document/8759442.

  42. Antin B, Kravitz J, Martayan E. Detecting pneumonia in chest X rays with supervised learning. http://cs229.stanford.edu/proj2017/final-reports/5231221.pdf.

  43. Krizhevsky A, Sutskever I, Hinton GE. ImageNet classification with deep convolutional neural networks. Commun ACM. 2017;60(6):84–90. https://doi.org/10.1145/3065386.

    Article  Google Scholar 

  44. Chollet F. Xception: deep learning with Depthwise separable convolutions. In: 2017 IEEE conference on computer vision and pattern recognition (CVPR); 2017. p. 1251–1258. https://doi.org/10.1109/CVPR.2017.195.

  45. He K, Zhang X, Ren S, Jian Sun J. Deep residual learning for image recognition. In: Proceedings of the IEEE conference on computer vision and pattern recognition (CVPR); 2016. p. 770–778.

  46. Simonyan K, Zisserman A. Very deep convolutional networks for large-scale image recognition. In: International conference on learning representations; 2015.

Download references

Acknowledgements

Not applicable.

Funding

Not applicable.

Author information

Authors and Affiliations

Authors

Contributions

The following represents the substantial contributions of individual authors: Conceptualization, UCA, AG, NA; methodology, UCA, AG, NA; performing the experiments, UCA, NA; analyzing the data, UCA, NA; writing the manuscript, UCA, AG, NA; providing scientific supervision of manuscript, AG NA. All authors have read and agreed to the published version of the manuscript.

Corresponding author

Correspondence to Utku Can Aytaç.

Ethics declarations

Ethics approval and consent to participate

We confirm that all methods were carried out in accordance with relevant guidelines and regulations.

Consent for publication

Not applicable.

Competing interests

The authors declare no potential conflicts of interest.

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

Aytaç, U.C., Güneş, A. & Ajlouni, N. A novel adaptive momentum method for medical image classification using convolutional neural network. BMC Med Imaging 22, 34 (2022). https://doi.org/10.1186/s12880-022-00755-z

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12880-022-00755-z

Keywords