Skip to content
BY 4.0 license Open Access Published by De Gruyter Open Access September 8, 2020

Computer-aided diagnosis of skin cancer based on soft computing techniques

  • Zhiying Xu EMAIL logo , Fatima Rashid Sheykhahmad , Noradin Ghadimi EMAIL logo and Navid Razmjooy
From the journal Open Medicine

Abstract

Skin cancer is a type of disease in which malignant cells are formed in skin tissues. However, skin cancer is a dangerous disease, and an early detection of this disease helps the therapists to cure this disease. In the present research, an automatic computer-aided method is presented for the early diagnosis of skin cancer. After image noise reduction based on median filter in the first stage, a new image segmentation based on the convolutional neural network optimized by satin bowerbird optimization (SBO) has been adopted and its efficiency has been indicated by the confusion matrix. Then, feature extraction is performed to extract the useful information from the segmented image. An optimized feature selection based on the SBO algorithm is also applied to prune excessive information. Finally, a support vector machine classifier is used to categorize the processed image into the following two groups: cancerous and healthy cases. Simulations have been performed of the American Cancer Society database, and the results have been compared with ten different methods from the literature to investigate the performance of the system in terms of accuracy, sensitivity, negative predictive value, specificity, and positive predictive value.

1 Introduction

Skin cancer is a high-prevalence disease in the United States, which occurs in the largest part of the body, i.e., the skin. Skin cancer usually develops on the outer layer of the skin, which may initially appear as a swelling, bump or other parts of the skin. Melanoma is considered one of the most malignant and deadly skin cancers worldwide. Although only about 1% of skin cancer is related to melanoma, it is the main reason of death among other skin cancer diseases [1]. In ref. [2], it has been reported that in 2020 there will be 1,00,350 new cases and 6,850 deaths due to melanoma in the United States. Researchers have found that skin cancer increases the likelihood of other cancers and hence early diagnosis of skin cancer is very important, which can significantly prevent death from this fatal cancer [3]. The two major problems in this regard are as follows:

  1. In most cases, skin lesions become malignant due to lack of attention to the skin lesions on their body surface or lack of access to experienced dermatologists.

  2. In many cases, skin lesions are misdiagnosed by physicians because of the high similarity of their characteristics.

Melanoma and Clark, for example, are two very similar skin lesions, except that melanoma is a malignant and deadly cancer and Clark is a benign skin lesion. Therefore, providing a method for the diagnosis of melanoma at an early stage is very useful and valuable [4]. In the last two decades, many studies have been performed on the rapid and accurate diagnosis of melanoma by dermoscopy images with diagnostic accuracy between 70% and 95% [5,6,7,8,9]. Recently, the use of machine vision and artificial intelligence as non-destructive tools in medical applications has been increasing. Besides, the significance of image processing in medical applications helps the physicians and radiologists to reduce the complexity and increase the early detection speed for disease diagnosis. One of the beneficial tools for medical cancer diagnosis is the artificial neural networks (ANNs). The ANN is a widely used methodology in artificial intelligence, which is inspired by the human brain interactions between synapses and neurons. The ANN method is a good black box-based tool for classification of the nonlinear problems with the least attempts [10,11,12,13,14,15,16]. In recent years, a new kind of neural network has been proposed based on deep learning, which is known as convolutional neural network (CNN). The CNN is often employed for image or speech analyses in machine learning. After the application of CNN in image processing, several researchers started to work on using CNN as a tool in medical image processing. For example, Sreelatha et al. [9] proposed a technique for melanoma diagnosis from dermoscopy images by the Gradient and Feature Adaptive Contour (GFAC) model. The study also used pre-processing and noise reduction to make the process faster and more accurate. The proposed GFAC model is a noise-free method. The method was then applied to the PH2 dataset. The method was then compared with different methods in the literature to indicate its effectiveness. Hekler et al. [17] proposed another skin cancer classification method based on artificial intelligence. The study applied dermoscopy images to classify it into five divisions. The method was based on the deep learning method to train a single CNN. The method was applied in a collection of 13 German university hospitals. The final results of the method were good.

Tschandl et al. [18] presented a classification method using CNN by training 7,895 dermoscopy images. The method was then performed to a set of 2,072 test cases, and the results were validated by some experts.

Tan et al. [19] proposed an optimized method for skin cancer detection based on an improved version of particle swarm optimization (PSO) algorithm. The PSO was used to optimize the feature extraction of the dermoscopy images. The method was then applied to some different benchmarks to show the PSO superiority in terms of performance toward some well-known methods.

The satin bowerbird optimization (SBO) algorithm is a new meta-heuristic algorithm that was first proposed by Musavi et al. [20]. The SBO algorithm was inspired by the method of making special nests by the male bowerbird to attract the females. In this study, an optimized comprehensive methodology is presented for skin cancer diagnosis in the dermoscopy images. The main contribution of the method is to use the CNN optimized by the SBO, which increases the accuracy of the network compared with the classic gradient descent method. The flowchart of the presented system is shown in Figure 1.

Figure 1 The flowchart of the proposed skin cancer diagnosis system.
Figure 1

The flowchart of the proposed skin cancer diagnosis system.

As shown in Figure 1, after receiving the input dermoscopy image, a preprocessing including median filtering has been applied to enhance the image quality by eliminating a part of the existing noises. In the next step, a new image segmentation based on the aforementioned optimized CNN has been applied to segment the skin-like area. In the next step, some features of the segmented area have been extracted for reducing the data complexity and easier classification. Here, an optimized feature selection has been used to select the useful features. Finally, after extracting the useful data from the image, a support vector machine (SVM) has been used for classifying the images into the following two groups: cancerous and healthy.

2 Materials and methods

All the required materials and methods that are used for skin cancer diagnosis in this research are as follows.

2.1 CNN

The CNN is a mostly used method based on deep learning in which multiple layers are trained in new ways. These networks are a kind of multilayer neural network designed for two-dimensional data such as image. Different parts of the image have been implemented as inputs to the neural network layers, which are hierarchical, and each layer is extracted by applying digital filters. Convolution layers convolve the image by using different kernels. The convolution process has the following three important features:

  1. Sharing weights for the identical feature to decrease the parameter number.

  2. Local learning connection.

  3. Invariance according to the position of the object.

By considering the advantages provided by the convolution process, some research studies in the literature used it as an alternative to fully integrated layers to speed up the learning process. In general, the CNN contains three layers, including the convolutional layer, the pooling layer, and the fully connected layer, where different layers perform various tasks. The CNN architecture has several convolution layers that convolve the input image with filters whose output coefficients can be trained. These filters move over the image. Each separate filter creates a set of features, which consequently gives us the use of n filters of the set of features. Each filter has weights called w, which can be trained as filter coefficients. During the training, the network is sequenced, and the output obtained from the convolution operation is computed with a number that we consider to be a bias number and is stored in the feature plane. The pooling layer is usually followed by the convolution layer, which can be used to reduce the dimension of network features and parameters. Like the convolution layer, the pooling layer also uses adjacent pixels to compute. There are different strategies for pooling, but the most common way is to use the maximum pooling method. In the pooling method, blocks of the size 2 × 2 are considered and by moving these blocks over the image through 4 pixels, their maximum value is selected and transferred to the next layer that the number of features has been kept but its size has been reduced. Therefore, in the final step, we use fully connected layers, which actually convert the 2D feature into a one-dimensional vector. This layer accounts for 77% of the CNN parameters. Figure 2 shows the arrangement of the employed CNN.

Figure 2 The structure of a CNN.
Figure 2

The structure of a CNN.

The CNN has two levels of training: the feed-forward level and the backpropagation (BP) level. In the feed-forward level, the original image is injected to the network by applying a dot multiplication with the parameters of the neurons to provide convolutional operations on the layers.

Afterward, the output of the network is evaluated. For network training (set the network parameters), the output is employed to evaluate the network error rate. Then, the error rate of the network based on BP is calculated. In this stage, the chain rule is employed for evaluating the gradient of the parameters and the parameters change based on the error impact on the network. After updating the parameters, feed-forward is performed until the correct number of training. Here, local feature extraction is adopted for achieving the regional features of the input image. The learning is applied here to achieve some number of kernel matrices to extract the main characteristics of the dermoscopy skin cancer images. The present research adopts the BP technique for optimizing the weights of network connections. Sliding window is employed as a vector for implementing the convolution so that the weights and the dot product have been added up. For applying the activation function, rectified linear unit (ReLU) is used, i.e., f(x) = max(x, 0) [21]. For decreasing the output scale, Max pooling is used. In the present study, the subsequent layer of the sliding grid is considered as the highest value. After initializing the CNN, an optimization technique is required for error minimization of the actual output and the estimated output by varying the internal weights. Here, the BP algorithm is used for this purpose [6,22]. The main part of BP is to adopt the gradient descent algorithm for minimizing. The gradient descent is a minimization procedure on the cross-entropy loss [23]. The considered cost function for the explained cases is as follows:

(1)L=j=1Ni=1Mdj(i)logzj(i),

where dj=0,,0,1,1k,0,,0 represents a vector with the desired output and zj determines the softmax function of the mth class by the following equation:

(2)zj(i)=efji=1Mefi,

where N represents the sample quantity.

Therefore, by modifying the cost function based on the weight penalty with a coefficient θ,

(3)L=j=1Ni=1Mdj(i)logzj(i)+12θKLWK,L2,

where Wk describes the weight of connection, L represents the total number of layer connections, and K is the number of layer l connections.

Although CNN has optimal arrangement for classification, most of the layouts are achieved experimentally that reduces its accuracy.

In recent years, some methods have been introduced to modify them based on bio-inspired techniques [24,25]. Metaheuristics are some kinds of optimization methods that have been inspired by different phenomena and have better efficiency in finding a global optimum value in less time. Recently, several types of metaheuristics have been introduced [26]. For instance, genetic algorithm [27] that simulates Darwin’s principles of selection to find the optimal formula, grass fibrous root optimization algorithm that simulates the fibrous root behavior [28], butterfly optimization algorithm [29] that simulates the butterflies’ migration from the cold areas to the warmer places in the cold seasons, and teaching–learning-based optimization algorithm [30] that simulates the relations between teaching and learning. In this study, another new metaheuristic method, called SBO algorithm, is employed for improving the CNN efficiency.

2.2 SBO algorithm

The bowerbirds are some kinds of interesting Australian birds which have a unique way for mating. In the mating season, the adult male bower builds his special bower by using his leathers, sparkling objects, flowers, fruits, and branches along with dramatic gestures to attract females. These parameters (the beauty of the bower and the male dramatic gestures) attract the females to the bower. These parameters form the main structure of the SBO algorithm [20]. The steps of the SBO algorithm are briefly described in the following.

2.2.1 Initializing

Like any population-based metaheuristic, the SBO algorithm was initialized with a set of random population. The population in the SBO is the positions of the bowers such that each of them is an n dimensional vector of parameters of the problem that should be optimized. The bower parameters form the variables of the optimization problem. The bower’s attractiveness is a combination of these parameters. The initial population of the SBO can be defined as follows:

(4)Wh=(w1,w2,,wm),

where Wh describes the hth solution and (w1, w2,…,wm) is the population of the solution.

The probability of fitness evaluation is mentioned as the attractiveness of the bower. Based on the bower probability theory, the male stain is selected by a female bowerbird. Similarly, after selecting a bower by the assigned probability of the male, it mimics the bower construction. Therefore

(5)Probi=fitin=1NBfitn,
(6)fiti=11+f(xi),f(xi)01+|f(xi)|,f(xi)<0,

where f(xi) describes the cost function value of the ith position.

2.2.2 Elitism

The best solution of each stage is considered as elitism. Basically, each male satin bowerbird constructs his bower based on his natural instinct. Each satin bowerbird uses its instinct on its similarity of every other bird in the mating season to construct and beautification of his bower. In other words, although each male satin bowerbird uses material for decorating its bower, it benefits its experience as a key factor to attract lot of attention to his specific bower. In a word, we can say that experience has a significant effect on both construction of bower and dramatic gestures, which makes elder males to have more potential to attract more attention to their bower. In the algorithm, the position of the best bower is considered as iteration’s elite which has the capability of affecting other positions.

2.2.3 Position updating

All of the variations at the bowers in every cycle of algorithm are performed based on the following equation:

(7)Whjnew=Whjold+λjwij+welite,j2Whjold,

where Wi defines the target solution in the current iteration, the term i is achieved based on the roulette wheel mechanism, i.e., the better solution will have more chance to be selected as Wi, Whj describes the jth member of Wh, Welite describes the position of the elite stored in the cycles, λj represents the attraction power in the target bower (solution) that is achieved by the following equation:

(8)λj=α1+oi,

where the term α stands for the greatest size of step using the target solution and oi describes the probability obtained by Probi.

2.2.4 Mutation

While building the bower, the male satin bowerbird might be attacked or even totally ignored by other animals. During the bower construction, stronger males destroy the weaker males’ bower or steal their materials. Therefore, arbitrary changes have been adopted at the end of each cycle with a specific probability. This modification is implemented to Whj with a specific probability. A normal distribution (L) has been adopted with variance α2and average of Whjold as follows:

(9)whjnewL(whjold,α2),
(10)L(whjold,α2)=whjold+(α×L(0,1)).

The proportion of space width is represented as a value of α that is evaluated in equation (16).

(11)α=y×(VarmaxVarmin),

where y describes the variance ratio among lower and upper ranges, and varmax and varmin represent the upper and the lower limits assigned to the variable.

The population that is achieved after modifications at the end of every cycle and the old population is evaluated. The populations are then combined and sorted after evaluating, and the new population has been generated. Once the termination condition is satisfied, the algorithm is stopped.

2.3 Median filtering

Medical images are often damaged by noise when acquired and passed on. The purpose of image noise reduction methods is to eliminate such noise while maintaining the essential features of the image as much as possible. Dermoscopy imaging is a widely used medical imaging process, as it is economically, relatively safe, and adaptable. However, one of its major disadvantages is the poor quality of images due to spot noise. Spot noise is a disgrace, as it undermines image quality and affects single interpretation and recognition operations. Consequently, point refining is a key stage for the function’s extraction, analyzing and recognizing medical images. There are several useful methods for noise removal from the medical images. Median filter due to its specificity has the most application in medical image noise removal [31,32]. The main idea behind median filtering is to present an m × n neighborhood to assemble all neighborhoods in the ascending order, select the median value of the ordered numbers, and replace the central pixel. This strategy is modeled by the following equation:

(12)y(m,n)=median{x(i,j),(i,j)C},

where C represents the centered neighborhood around location (m, n) of the image.

In this research, a median filter is adopted for digital noise removal in the skin cancer dermoscopy image, in which a filter mask with a size of 3 × 3 is employed.

3 Medical skin cancer diagnosis based on optimized CNN

The main contribution of this study is to adopt the SBO algorithm for optimal justification of the number of hyperparameters in CNN for the skin cancer diagnosis application. To avoid system error, the minimum range is considered to be 2 and the maximum range is considered equal to the size of sliding window. The reason for selecting 2 as the minimum range is that the allowed minimum value for the maximum pooling is such that there is no lower size. It is important to note that the inequality constraint of this problem is that the value of the sliding window should be smaller than the input data. In this study, the population for bowerbirds is considered 200. Table 1 indicates the architecture of the suggested CNN.

Table 1

Architecture of the suggested CNN

Layer #Layer nameProperties
1Input layerInput image patch size: 256 × 256 × 3
2ConvolutionalBlocks of the size: 11 × 11
3ReLU
4Max poolingPool size 2 × 2
5ConvolutionalBlocks of the size: 7 × 7
6ReLU
7Max poolingPool size 2 × 2
8ConvolutionalBlocks of the size: 3 × 3
9ReLU
10DropoutDropout ratio: 0.6
11Fully connected1 × 256
12Softmax

As mentioned earlier, the cost function is the half-value precision of CNN. After initializing, the position of each bowerbird has been updated based on the SBO algorithm. Once the stopping criteria is reached, the optimization process will be stopped. In this study, the weights and the biases of the CNN are chosen for optimization, i.e.,

(13)W={w1,w2,,wp},
(14)A={a1,a2,,aA},
(15)wn={w1n,w2n,,wLn},
(16)bn={b1n,b2n,,bLn}l=1,2,,Ln=1,2,,N,

where N describes the overall number of optimization individuals, L represents the overall number of layers, l determines the layer index, n represents the number of bowerbirds, and win represents the value of the weight in the ith layer. The optimized configuration of the SBO-based CNN is shown in Figure 3.

Figure 3 The optimized structure of the SBO-based CNN.
Figure 3

The optimized structure of the SBO-based CNN.

The error between the desired output and the network output is calculated by the following equation:

(17)E=1Nsi=1Nsj=1k(djioji)2,

where k and Ns represent the output layers quantity and training samples, respectively, and oji and dji describe the CNN output and the desired output.

Since the gradient descent has been trapped into the local minimum in some cases, the SBO algorithm has been adopted [33,34,35]. Figure 4 shows the results of cancer diagnosis for some examples by the SBO-based CNN.

Figure 4 The results of cancer diagnosis for some examples by the SBO-based CNN. (a) before process, (b) after process.
Figure 4

The results of cancer diagnosis for some examples by the SBO-based CNN. (a) before process, (b) after process.

The confusion matrix for the system is 2×2 as the American Cancer Society (ACS) database is selected and divided into two classes: the first 40% plus the second 60% with noise (ACS1) and the second 60% plus the first 40% with noise (ACS2). This matrix has been achieved by adding two confusion matrices on the aforementioned two categories of the dataset. We note a good percentage of correctly classified ACS1 and ACS2. The number of correctly classified ACS2 at a first glance looks quite lower than ACS1, which is due to the small number of high-quality images in ACS2 compared with that of ACS1 (Table 2).

Table 2

Confusion matrix for the system

ACS1ACS2
ACS15709
ACS27320

4 Feature extraction and selection based on SBO

The process of extracting more precise information from the cancer area is called feature extraction, i.e., the purpose of feature extraction in this step is to use this trend as a method for skin cancer detection after segmenting the skin cancer area. For more clarification, the original image is a raw datum with enormous information. This reason increases the complexity of image processing and is time-consuming. A good method here is to use feature extraction for simplifying the process. Several features have been introduced for the extraction of image features. In this study, statistical features, geometric features, and texture features are adopted, which are listed in Table 3.

Table 3

Adopted features in this study

ParameterEquationParameterEquation
Perimeteri=1Mj=1NBp(i,j)Correlationi=1Mj=1Np(i,j)μrμcσrσc
Areai=1Mj=1Np(i,j)Mean1MNi=1Mj=1Np(i,j)
SolidityArea/ConvexareaEntropyi=1Mj=1Np(i,j)logp(i,j)
Elongation2AreaaπVariance1MNi=1Mj=1N(p(i,j)μ)
RectangularityAreab×aStandard deviationvariance12
Irregularity index4π×Area/Perimeter2Invariant momentsφ1=η20+η02
φ2=(η20η02)2+4η112
φ3=(η303η12)2+(3η21μ03)2
Form factorAreaa2
Ecentricity2a1(a2b2)0.5Energyi=1Mj=1Np2(i,j)
Contrasti=1Mj=1Np2(i,j)Homogeneityi=1Mj=1Np(i,j)1+|ij|

Bp describes the length of external side for the boundary pixel, MN represents the image size, p(i,j) defines the value of the pixels intensity at location (i, j), a is the major axis and b is the minor axis, μ describes the mean value, and σ stands for the standard deviation.

Nevertheless, some of the explained features have more effect and some others have less effect with low information from the image. In this study, an optimized procedure is used for better selection of the useful features from the image. The optimal feature selection here is performed by SBO. The fitness function of the feature selection is considered as follows:

(18)Fitness=(TP×TN)(FP×FN)((TN+FP)×(TP+FP)×(TP+FN)×(TN+FN)),

where the main parts of the function are false positive (FP), false negative (FN), true positive (TP), and true negative (TN). The main idea based on the proposed method is to minimize the fitness value in equation (18) by optimal selection of the features. After optimal feature extraction of the medical images, a classification method is required to determine the cancerous and the healthy cases. To understand how the features can help easier classification, some significant example features for both cancerous and healthy images are given in Table 4.

Table 4

Some significant example features for both cancerous and healthy images

ParameterCancerousHealthy
#1#2#3#4#1#2#3#4
Correlation0.99150.98860.98720.95050.99050.98980.98640.9779
Area0.38470.44920.51330.93890.39880.42660.49960.6086
Energy0.64190.63480.57460.61850.65380.63200.61930.6510
Form factor0.12050.18110.22530.64280.10960.13280.19730.1308
Eccentricity0.12150.18860.18720.15050.12050.17980.18640.2779
Homogeneity0.99740.99640.99530.98430.99720.99680.99550.9934
Contrast0.1480 0.20180.26350.88170.15910.18200.24960.3704

5 Image classification

In this study, SVM has been employed for feature classification. The method includes a set of points in the n-dimensional space, which indicates and sorts the class boundaries and can be changed by replacing with one of two cases. SVM selects the optimal decision surface by the following formula:

(19)y=sgni=1NyiαiK(x,xi)+b,

where xi represents the training set vector number i, x describes a d-dimensional test set vector, N defines the training set numbers, K(x,xi) describes a kernel function, y describes a class label in the range [−1, 1], and α={α1αN}, and b determines the model parameters. Due to the high potential of SVM, it is adopted for classifying the skin cancer dermoscopy image into two categories of cancerous and healthy groups.

6 The database

There are several datasets for skin cancer detection and the validation of different methods. This research adopts the ACS dataset. This dataset contains 68 pairs of XLM and TLM images that are obtained by the same Nevoscope device. All the images have been resized into 256 × 256 pixels to reduce the system computational complexity [36]. Figure 5 shows some examples of the used dataset from ACS.

Figure 5 Some examples of the used dataset from ACS.
Figure 5

Some examples of the used dataset from ACS.

7 Simulation results

This section validates and discusses about the results of the proposed skin cancer diagnosis system. The method has been simulated based on MATLAB software version R2018a with a 32 GB Ram, Core i7Intel processor and two SLI GeForce Titan GPUs. The method is performed for the ACS skin cancer dataset for performance analysis of the system. The procedure of the method is given as follows:

  1. Apply median filtering for noise elimination of the input dermoscopy image.

  2. Apply optimized CNN based on the SBO algorithm for cancer area segmentation.

  3. Extract important features from the segmented image.

  4. Apply feature selection based on the SBO algorithm.

  5. Classify cancerous and healthy cases based on the SVM classification methodology.

For the proposed SVM classifier, 75% of data is considered for training and 25% is used for validation and testifying the method. Training stage for the network is considered by 8,000 iterations. The training step is repeated 15 times for achieving a robust analysis. The analysis is applied based on five performance indexes, including accuracy, specificity, positive predictive value (PPV), negative predictive value (NPV), and sensitivity, which are formulated as follows:

(20)Accuracy=correctlydetectedcasestotalcases,
(21)Specificity=correctlydetectedhealthyskincasestotalhealthyskincases,
(22)PPV=correctlydetectedskincancercasesdetectedskincancercases,
(23)NPV=correctlydetectedhealthyskincasesdetectedhealthyskincases,
(24)Sensitivity=correctlydetectedskincancercasesTotalskincancercases.

The final results are compared with ten different methods from the literature in terms of efficiency that contain a method [37] using semi-supervised system, some methods based on CNN, ResNet [38], a commercial tool [39], VGG-16[40], AlexNet [41], Inception-v3 [42], and LIN [43]. Table 5 indicates the efficiency results of the proposed method compared with the other state of art techniques.

Table 5

Efficiency analysis of the proposed method compared with the other state-of-art techniques

MethodPerformance metric
AccuracySensitivitySpecificityNPVPPV
LIN [43]0.890.920.900.930.82
AlexNet [41]0.830.840.620.850.67
VGG-16[40]0.870.910.870.910.79
Spotmole [39]0.690.840.600.860.59
Ordinary CNN0.820.820.800.870.76
ResNet-50 [38]0.830.870.800.840.72
ResNet-101 [38]0.860.850.780.900.76
Inception-v3 [42]0.850.860.660.730.64
MED-NODE texture descriptor [37]0.790.640.870.800.77
MED-NODE color descriptor [37]0.750.770.740.840.66
Proposed method0.950.950.920.960.87

Figure 6 shows the radar plot of the classification rate. As shown in Table 2 and Figure 6, the presented procedure has the highest accuracy compared with the other methods from the literature.

Figure 6 The Radar plot of the classification rate of skin cancer classification based on the presented technique and the other methods from the literature and its efficiency is indicated by the confusion matrix.
Figure 6

The Radar plot of the classification rate of skin cancer classification based on the presented technique and the other methods from the literature and its efficiency is indicated by the confusion matrix.

8 Conclusions

In the present study, an automatic computer-aided methodology was proposed for the skin cancer detection from dermoscopy images. To achieve higher accuracy for the diagnosis, the input images were first denoized based on a median filter. Afterward, a new optimized method was presented for cancer area segmentation using a developed CNN based on the SBO algorithm to classify the cancerous region from the background. Then, numerous features were extracted from the segmented images. To simplify the classification process, an optimal method based on the SBO algorithm was adopted for optimal feature selection and decreasing the order of features. To do the final classification, the extracted features from the images were classified based on an optimized SVM classifier using the SBO algorithm. The design was then applied to the ACS database and was compared with ten state-of-art methods to indicate the system efficiency. Final results showed that by analyzing accuracy, specificity, NPV, sensitivity, and PPV, the presented technique has better performance than the compared methods. The future work will be about using an improved model of the proposed method to achieve good results for breast cancer detection.

  1. Conflict of interest: Authors state no conflict of interest.

References

[1] Razmjooy N, Ashourian M, Karimifard M, Estrela V, Loschi H, do Nascimento D, et al. Computer-aided diagnosis of skin cancer: a review. Curr Med Imaging Rev. 2020.10.2174/1573405616666200129095242Search in Google Scholar PubMed

[2] Society AC. Cancer Facts and Figures 2020. Atlanta: American Cancer Society; 2020; available from: https://www.aimatmelanoma.org/about-melanoma/melanoma-stats-facts-and-figures/.Search in Google Scholar

[3] Zhang L, Gao HJ, Zhang J, Badami B. Optimization of the convolutional neural networks for automatic detection of skin cancer. Open Med. 2020;15(1):27–37.10.1515/med-2020-0006Search in Google Scholar PubMed PubMed Central

[4] Narayanamurthy V, Padmapriya P, Noorasafrin A, Pooja B, Hema K, Nithyakalyani K, et al. Skin cancer detection using non-invasive techniques. RSC Adv. 2018;8(49):28095–130.10.1039/C8RA04164DSearch in Google Scholar PubMed PubMed Central

[5] Razmjooy N, Mousavi BS, Soleymani F, Khotbesara MH. A computer-aided diagnosis system for malignant melanomas. Neural Comput Appl. 2013;23(7–8):2059–71.10.1007/s00521-012-1149-1Search in Google Scholar

[6] Razmjooy N, Sheykhahmad FR, Ghadimi N. A hybrid neural network–world cup optimization algorithm for melanoma detection. Open Med. 2018;13(1):9–16.10.1515/med-2018-0002Search in Google Scholar PubMed PubMed Central

[7] Celebi ME, Codella N, Halpern A, Shen D. Guest editorial skin lesion image analysis for melanoma detection. IEEE J Biomed Health Inform. 2019;23(2):479–80.10.1109/JBHI.2019.2897338Search in Google Scholar

[8] Mukherjee S, Adhikari A, Roy M. Malignant Melanoma Detection Using Multi Layer Perceptron with Optimized Network Parameter Selection by PSO. In: Mandal J, Sinha D, Bandopadhyay J, editors. Contemporary advances in innovative and applicable information technology. Advances in intelligent systems and computing, vol. 812. Singapore: Springer.10.1007/978-981-13-1540-4_11Search in Google Scholar

[9] Sreelatha T, Subramanyam M, Prasad MG. Early detection of skin cancer using melanoma segmentation technique. J Med Syst. 2019;43(7):190.10.1007/s10916-019-1334-1Search in Google Scholar PubMed

[10] Moallem P, Razmjooy N. A multi layer perceptron neural network trained by invasive weed optimization for potato color image segmentation. Trends Appl Sci Res. 2012;7(6):445.10.3923/tasr.2012.445.455Search in Google Scholar

[11] Fan X, Sun H, Yuan Z, Li Z, Shi R, Ghadimi N. High voltage gain DC/DC converter using coupled inductor and VM techniques. IEEE Access. 2020 Jun 16;8:131975–87.10.1109/ACCESS.2020.3002902Search in Google Scholar

[12] Ye H, Jin G, Fei W, Ghadimi N. High step-up interleaved dc/dc converter with high efficiency. Energy Sources Part A Recovery Util Environ Eff. 2020 Jan 24;1–20.10.1080/15567036.2020.1716111Search in Google Scholar

[13] Such FP, Madhavan V, Conti E, Lehman J, Stanley KO, Clune J. Deep neuroevolution: genetic algorithms are a competitive alternative for training deep neural networks for reinforcement learning. arXiv preprint arXiv:171206567. 2017.Search in Google Scholar

[14] Yuan Z, Wang W, Wang H, Ghadimi N. Probabilistic decomposition-based security constrained transmission expansion planning incorporating distributed series reactor. IET Generat Transm Distrib. 2020;14.17:3478–87.10.1049/iet-gtd.2019.1625Search in Google Scholar

[15] Hagh MT, Ghadimi N. Radial basis neural network based islanding detection in distributed generation. Int J Eng Trans A Basic. 2014;27:1061–70.Search in Google Scholar

[16] Leng H, Li X, Zhu J, Tang H, Zhang Z, Ghadimi N. A new wind power prediction method based on ridgelet transforms, hybrid feature selection and closed-loop forecasting. Adv Eng Inform. 2018 Apr 1;36:20–30.10.1016/j.aei.2018.02.006Search in Google Scholar

[17] Hekler A, Utikal JS, Enk AH, Hauschild A, Weichenthal M, Maron RC, et al. Superior skin cancer classification by the combination of human and artificial intelligence. Eur J Cancer. 2019;120:114–21.10.1016/j.ejca.2019.07.019Search in Google Scholar PubMed

[18] Tschandl P, Rosendahl C, Akay BN, Argenziano G, Blum A, Braun RP, et al. Expert-level diagnosis of nonpigmented skin cancer by combined convolutional neural networks. JAMA Dermatol. 2019;155(1):58–65.10.1001/jamadermatol.2018.4378Search in Google Scholar PubMed PubMed Central

[19] Tan TY, Zhang L, Neoh SC, Lim CP. Intelligent skin cancer detection using enhanced particle swarm optimization. Knowl Syst. 2018;158:118–35.10.1016/j.knosys.2018.05.042Search in Google Scholar

[20] Moosavi SHS, Bardsiri VK. Satin bowerbird optimizer: a new optimization algorithm to optimize ANFIS for software development effort estimation. Eng Appl Artif Intell. 2017;60:1–15.10.1016/j.engappai.2017.01.006Search in Google Scholar

[21] Koehler F, Risteski A. Representational Power of ReLU Networks and Polynomial Kernels: Beyond Worst-Case Analysis. arXiv preprint arXiv:180511405. 2018.Search in Google Scholar

[22] Meng Q, Liu T, Su C, Niu H, Hou Z, Ghadimi N. A single-phase transformer-less grid-tied inverter based on switched capacitor for PV application. J Control Autom Electr Syst. 2020 Feb 1;31(1):257–70.10.1007/s40313-019-00531-5Search in Google Scholar

[23] Van Merriënboer B, Bahdanau D, Dumoulin V, Serdyuk D, Warde-Farley D, Chorowski J, et al. Blocks and fuel: Frameworks for deep learning. arXiv preprint arXiv:150600619. 2015.Search in Google Scholar

[24] Martens J, Sutskever I. Learning recurrent neural networks with hessian-free optimization. Proceedings of the 28th International Conference on Machine Learning (ICML-11). Bellevue, WA, USA; 2011.Search in Google Scholar

[25] Bengio Y, Lamblin P, Popovici D, Larochelle H. Greedy layer-wise training of deep networks. Advances in neural information processing systems. 2007. p. 153–60.Search in Google Scholar

[26] Aghajani G, Ghadimi N. Multi-objective energy management in a micro-grid. Energy Rep. 2018;4:218–25.10.1016/j.egyr.2017.10.002Search in Google Scholar

[27] Ghadimi N. Genetically tuning of lead-lag controller in order to control of fuel cell voltage. Sci Res Essays. 2012;7(43):3695–701.Search in Google Scholar

[28] Akkar HA, Mahdi FR. Grass fibrous root optimization algorithm. Int J Intell Syst Appl. 2017;11(6):15.10.5815/ijisa.2017.06.02Search in Google Scholar

[29] Arora S, Singh S. Butterfly optimization algorithm: a novel approach for global optimization. Soft Comput. 2019;23(3):715–34.10.1007/s00500-018-3102-4Search in Google Scholar

[30] Kaveh A, Bakhshpoori T. Teaching-Learning-Based Optimization Algorithm. In: Metaheuristics: Outlines, MATLAB Codes and Examples. Springer, Cham; 2019. p. 41–9.10.1007/978-3-030-04067-3Search in Google Scholar

[31] Anoraganingrum D. Cell segmentation with median filter and mathematical morphology operation. Proceedings of the 10th International Conference on Image Analysis and Processing, Venice, Italy; 1999. p. 1043–6.Search in Google Scholar

[32] Loupas T, McDicken W, Allan PL. An adaptive weighted median filter for speckle suppression in medical ultrasonic images. IEEE Trans Circuits Syst. 1989;36(1):129–35.10.1109/31.16577Search in Google Scholar

[33] Zhang L, Suganthan PN. A survey of randomized algorithms for training neural networks. Inf Sci. 2016;364:146–55.10.1016/j.ins.2016.01.039Search in Google Scholar

[34] Jaddi NS, Abdullah S. Optimization of neural network using kidney-inspired algorithm with control of filtration rate and chaotic map for real-world rainfall forecasting. Eng Appl Artif Intell. 2018;67:246–59.10.1016/j.engappai.2017.09.012Search in Google Scholar

[35] Emary E, Zawbaa HM, Grosan C. Experienced gray wolf optimization through reinforcement learning and neural networks. IEEE Trans Neural Netw Learn Syst. 2018;29(3):681–94.10.1109/TNNLS.2016.2634548Search in Google Scholar PubMed

[36] ACS. Skin Cancer Database. USA: ACS; 2019 [cited 2019]; available from: https://www.cancer.org/.Search in Google Scholar

[37] Giotis I, Molders N, Land S, Biehl M, Jonkman MF, Petkov N. MED-NODE: a computer-assisted melanoma diagnosis system using non-dermoscopic images. Expert Syst Appl. 2015;42(19):6578–85.10.1016/j.eswa.2015.04.034Search in Google Scholar

[38] He K, Zhang X, Ren S, Sun J. Deep residual learning for image recognition. Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV; 2016. p. 770–8.10.1109/CVPR.2016.90Search in Google Scholar

[39] Munteanu C, Cooclea S. Spotmole – melanoma control system. 2009.Search in Google Scholar

[40] Simonyan K, Zisserman A. Very deep convolutional networks for large-scale image recognition. arXiv preprint arXiv:14091556. 2014.Search in Google Scholar

[41] Krizhevsky A, Sutskever I, Hinton GE. Imagenet classification with deep convolutional neural networks. Advances in neural information processing systems. 2012.Search in Google Scholar

[42] Szegedy C, Vanhoucke V, Ioffe S, Shlens J, Wojna Z. Rethinking the inception architecture for computer vision. Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV; 2016. p. 2818–26.10.1109/CVPR.2016.308Search in Google Scholar

[43] Li Y, Shen L. Skin lesion analysis towards melanoma detection using deep learning network. Sensors. 2018;18(2):556.10.3390/s18020556Search in Google Scholar PubMed PubMed Central

Received: 2020-04-07
Revised: 2020-08-12
Accepted: 2020-08-12
Published Online: 2020-09-08

© 2020 Zhiying Xu et al., published by De Gruyter

This work is licensed under the Creative Commons Attribution 4.0 International License.

Downloaded on 30.4.2024 from https://www.degruyter.com/document/doi/10.1515/med-2020-0131/html
Scroll to top button