Next Article in Journal
Validation of the Accuracy of Automatic Measurement of Blood Volume in Culture Bottles for Blood Culture
Next Article in Special Issue
Enhancing X-ray-Based Wrist Fracture Diagnosis Using HyperColumn-Convolutional Block Attention Module
Previous Article in Journal
An Easy-to-Use Prehospital Indicator to Determine the Severity of Suspected Heat-Related Illness: An Observational Study in the Tokyo Metropolitan Area
Previous Article in Special Issue
Comparison of Ruptured Intracranial Aneurysms Identification Using Different Machine Learning Algorithms and Radiomics
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Skin Lesion Segmentation Using an Ensemble of Different Image Processing Methods

1
Department of Computer Science, Forman Christian College, Lahore 54600, Pakistan
2
Department of Computer Science, National University of Computer and Emerging Sciences, Lahore 54770, Pakistan
*
Author to whom correspondence should be addressed.
Diagnostics 2023, 13(16), 2684; https://doi.org/10.3390/diagnostics13162684
Submission received: 30 May 2023 / Revised: 26 July 2023 / Accepted: 7 August 2023 / Published: 15 August 2023
(This article belongs to the Special Issue 2nd Edition: AI/ML-Based Medical Image Processing and Analysis)

Abstract

:
In recent times, there has been a huge increase in the average number of cases of skin cancer per year, which sometimes become life threatening for humans. Early detection of various skin diseases through automated detection techniques plays a crucial role. However, the presence of numerous artefacts makes this task challenging. Dermoscopic images exhibit various variations, including hair artefacts, markers, and ill-defined boundaries. These artefacts make automatic analysis of skin lesion quite a difficult task. To address these issues, it is essential to have an accurate and efficient automated method which will delineate a skin lesion from the rest of the image. Unfortunately, due to the presence of several types of skin artefacts, there is no such thresholding method that can provide a sufficient segmentation result for every type of skin lesion. To overcome this limitation, an ensemble-based method is proposed that selects the optimal thresholding based on an objective function. A group of state-of-the-art different thresholding methods such as Otsu, Kapur, Harris hawk, and grey level are used. The proposed method obtained superior results (dice score = 0.89 with p-value ≤ 0.05) as compared to other state-of-the-art methods (Otsu = 0.79, Kapur = 0.80, Harris hawk = 0.60, grey level = 0.69, active contour model = 0.72). The experiments conducted in this study utilize the ISIC 2016 dataset, which is publicly available and specifically designed for skin-related research. Accurate segmentation will help in the early detection of many skin diseases.

1. Introduction

Automated visual inspection in medical imaging aims to diagnose different diseases at their early stages. Early detection is crucial for effective treatment and especially for recovery of otherwise deadly diseases. Unless early detection and diagnosis is carried out, the diseases may spread and result in fatality. Abnormal cell development in human skin relies greatly on early detection for diagnosis and treatment where automated visual inspections with computer-aided diagnostic systems complement a human expert examination, as skin lesions are too initially too tiny to be accurately detected by human vision [1,2,3]. Skin cancers due to abnormal skin cell development can be classified into basal or squamous cell carcinoma and melanoma. Melanoma, although rare, causes the most deaths in skin cancer patients. It can spread to deeper tissues and other organs with severe outcomes. Dermoscopy magnifies and eliminates skin reflection [4] for segmentation of skin lesion, pattern recognition, and classification.
The analysis of skin lesions to determine their benign or malignant nature poses challenges due to their similar appearances. There are various limitations, such as ill-defined boundaries, added markers, artefacts from hair, and background variations. When dealing with images that have clear borders and no artefacts, basic thresholding methods with simple objective functions can be applied for segmentation. However, in cases where images exhibit various variations, a well-defined objective function is necessary to determine an optimized thresholding value. Interestingly, previous research has primarily focused on using different machine learning methods, neglecting the utilization of thresholding methods.
In previous studies [5], widely accepted deep learning methods were employed for skin lesion analysis. These methods involved creating ensembles of multiple convolutional neural networks, incorporating multi-scale information, and adopting a multi-task learning framework. The objective behind these approaches was to utilize as much information as possible to achieve robust predictions. Current approaches to pattern recognition make use of DCNNs and ML methods. One major success factor for a DCNN model is the availability of data for fine tuning of the model and accurate predictions. As opposed to other domains where the datasets consist of tens of millions [6], skin lesion datasets have only thousands of entries. In contrast to other datasets, skin lesions images have a higher coupling among different classes and a lower cohesiveness within images of the same class [7]. A melanoma may have more similarities with a carcinoma rather than other melanoma images. Such similarities within class and across different class variations make skin lesion classification a challenge. Another issue is the overlap between skin lesion and healthy skin or harmless artefacts such as moles or vitiligo which are irrelevant but interfere with the classification. A recent study has proposed an ensemble-based neural network using individual predictors from the constituent models for better convergence and optimal results improving the general performance [5].
We propose an ensemble-based thresholding method for better segmentation. As skin lesions images have ill-defined boundaries and added hair with numerous other artefacts Figure 1, an intelligent objective function is defined by ensemble learning for optimised thresholding. We have used five thresholding methods, namely, Otsu, active contour, Kapur, grey threshold, and Harris hawk.
The organization of the paper is as follows, Section 2 summarises the existing techniques for skin lesion segmentation, and Section 3 provides an insight into the proposed methodology. Results are portrayed in Section 4. A comprehensive discussion is provided in the subsequent Section 5. Finally, Section 6 concludes the research regarding skin lesion segmentation using the novel approach.

2. Literature Review

Skin lesion segmentation is an important technique for the early detection and diagnosis of different types of skin diseases, including melanoma and other types of skin cancer. Due to variations in lesion appearance, texture, and surrounding skin, the correct and efficient segmentation of skin lesions is a challenging task. To address this challenge, authors have explored various image processing methods to enhance segmentation performance.
The authors of [8] presented an automatic system for classifying skin lesions as benign, melanoma, and malignant. The system implements the ABCD rule, which analyses asymmetry, border irregularity, colour variation, and diameter as key features. Preprocessing, feature extraction, and classification using k-nearest neighbours (KNN) and support vector machine (SVM) were employed. Another research [9] introduces an approach for segmenting skin lesions in demographic images that is novel. The proposed method combined adaptive thresholding and colour model normalization techniques to solve the issues during segmentation, by variations in illumination and colour in dermoscopic images. The results clearly showed the accurateness and robustness of the proposed approach for segmentation of skin lesions. The authors concluded by stating that the combination of adaptive thresholding and colour model normalization was effective in accurately segmenting skin lesions.
There is another study [10] that explored various metrics for evaluation image segmentation techniques specifically applied to skin lesions. The study focused on six metrics: Mathews correlation coefficient, Dice coefficient, accuracy, specificity, sensitivity, and the Jaccard index. These metrics are commonly used to assess the performance of segmentation algorithms in the field of medical image analysis. The paper discussed the mathematical formulation and interpretation of each metric, providing insight into their strengths and limitations. The authors emphasized the importance of using multiple metrics to comprehensively evaluate segmentation results. The paper concluded that a combination of these metrics provides a more comprehensive assessment of the segmentation accuracy and can aid in the development and improvement of skin lesion algorithms.
Classification algorithms have been widely used for classifying lesions in many research articles. One such article [11] focused on the application of decision trees and random forest algorithms for classifying skin lesions. The authors explored these techniques to enhance the accuracy of classification for skin lesion. They compared the performance of decision trees and random forests using various evaluation metrics. Both algorithms are known to effectively classify skin lesions. The random forest algorithm outperformed the decision tree in terms of accuracy and robustness.
Convolution neural networks (CNN) have emerged as a powerful tool for skin lesion segmentation during previous years. In 2018, [12] focused on multimodal skin lesion classification using deep learning. This study explored the use of various imagine modalities, including dermoscopy, clinical photography, and reflectance confocal microscopy, for improved classification accuracy. Deep learning models are trained on a large dataset of skin lesion images, and the results demonstrate the effectiveness of the multimodal approach in enhancing classification performance. The study [13] proposes a skin lesion method using object-scale-oriented fully CNN (FCNNs). The approach focused on capturing object-scale information to improve segmentation accuracy and highlights the importance of considering object scale during the segmentation of skin lesion using deep learning techniques. A very comprehensive survey was provided by [2] for skin image techniques using convolution neural networks (CNNs). Multiple CNN architectures, such as U-Net, FCN, and DeepLab, were compared and analysed in terms of accuracy, robustness, and computational efficiency. Experimental results provided insights into the strengths and weaknesses of each technique and highlight their performance variations across different skin image datasets.
Local binary pattern (LBP) clustering has also been used by [14] for skin lesion segmentation. This study summarised the analysis of different segmentation methods based on LBP. The effectiveness of LBP clustering was evaluated using various metrics, including the Dice coefficient, sensitivity, and specificity.
Ensemble methods are a type of technique that combines multiple individual models to improve predictive performance and robustness. The challenging problem of skin lesion segmentation has also been solved by exploring ensemble approaches. Different ensemble-based approaches have been explored in the literature [15]. Deep learning and machine learning algorithms were used in an ensemble to classify skin lesions in this study. They have combined the strengths of both techniques to improve accuracy and reliability, and [16] proposed an ensemble approach of fully convolution neural networks (FCNNs) for computerized segmentation of skin lesions. The ensemble combines multiple FCNN models to demonstrate the effectiveness of ensemble approach. In a similar manner [17], used an ensemble approach that combines multiple deep learning models for improved accuracy in disease detection and classification. For classification, an RF classifier-based DCNN was implemented because it uses ensemble models to classify pattern extracted features.
The challenges in skin lesion segmentation have generated certain gaps that the existing literature has still not addressed [18,19,20]. A few key areas where the existing approaches can be improved include the lack of diversity of datasets, limited standard evaluation metrics, class imbalance problem, robustness against diversity in imaging conditions, incorporating clinical contexts, and real-time segmentation. By consolidating these gaps, the technique can be advanced and made more robust, accurate, and clinically useful segmentation approaches can be developed.
The major research contributions are mentioned below:
  • For early detection of various skin diseases, a novel skin lesion segmentation method is proposed to automate skin lesion segmentation. The proposed method maintains novelty by employing an ensemble-based method to determine the optimal thresholding, This selection is based on an objective function, aiming to automate the process of skin lesion segmentation.
  • The ensemble-based novel approach accurately and efficiently automates the segmentation process of skin lesion from the rest of the image. Furthermore, it successfully overcomes the limitations caused by various artefacts.
  • The proposed method provides optimal thresholding for all types of skin images, which is not possible using only one method for all types. Hence, it does not require any training of the data which makes it more efficient then deep learning and other classification models.
  • The proposed methodology is tested on a benchmark skin dataset ISIC 2016, and provides superior results (Dice score = 0.89 with p-value ≤ 0.05) as compared to state-of-the-art methods.

3. Methodology

Many algorithms have been proposed for accurate skin lesion segmentation, which are later used for different skin diseases. In this paper, a group of thresholding methods are used for improved segmentation results. The complete methodology is divided into following steps:
  • Data selection;
  • Preprocessing;
  • Binary Conversion using optimal thresholding value;
  • Postprocessing for skin lesion segmentation.

3.1. Data Selection

The initial stage involves extracting images from the ISIC 2016 dataset [21], a comprehensive collection of dermoscopic images. Acquiring dermoscopic images is crucial for our research as they facilitate image segmentation and the identification of potentially malignant lesions. This dataset offers a wide range of skin lesion images, including numerous challenging instances characterized by issues such as ill-defined boundaries, low contrast, presence of hair artefacts, markers, and intensity inhomogeneity. The skin dataset comprises a total of 900 skin lesion images exhibiting various types of artefacts and the ground truth is available for each skin lesion. Figure 2 shows a variety of skin images from the dataset, highlighting the presence of distinct challenging artefacts.

3.2. Preprocessing

Preprocessing techniques in skin lesion segmentation are crucial for improving image quality, reducing noise, enhancing contrast, removing artefacts, and standardizing images [22,23]. These preprocessing steps contribute to more accurate and reliable segmentation results, which help in improved diagnosis of different diseases [22].
In this research, basic image processing steps are performed to enhance image quality and remove different artefacts. First, all images are resized to 56 × 56 dimensions to make program efficient. To remove noise from the input skin image, median filter is used which is shown in Figure 1, however this filter preserves edges of the image. The contrast of the input image is improved using imadjust (using a MATLAB function) as shown in Figure 3.
After enhancing image quality of input image, the next step is the most crucial step, that is, finding the optimal threshold value for the binarised image.

3.3. Binary Conversion Using Optimal Thresholding Value

In research, different thresholding methods have been used to convert image into binary form; however, there is no single method which is sufficient for finding the optimal thresholding value for every type of image. Certain methods excel in images with distinct edges, whereas others are more suitable for handling low-contrast images.
In this paper, an ensemble approach is adopted, incorporating a group of four thresholding methods and one snake model. An objective function is utilized to assess which method yields the most optimal value for binarising each input image. This approach works similar to a winner-takes-all approach which picks the best method according to the input image. The ensemble model uses the following thresholding methods for analysis:
  • Hawk thresholding;
  • Kapur thresholding;
  • Otsu thresholding;
  • Gray thresholding;
  • Active contour model.
Figure 4 illustrates the comprehensive workflow of the proposed method, which integrates various thresholding methods and the active contour model (ACM) to determine the optimal value for binary conversion. This optimal binary conversion value is then utilized for accurate segmentation of the input image. Maximum value of an objective function is used to determine optimal thresholding value among all methods. The objection function is given in the equation.
Brief description of each model is given below:

3.3.1. Harris Hawk Thresholding Method

Harris hawk optimization [24] is used to binarise input image using a fitness function which is based on cross entropy. Cross entropy is calculated using entropy of the input image and the automated segmented image. This method computes information distance I = I 1 , I 2 , I n between both images which is defined in Equation (1)
D i s t ( I , S ) = j = 1 N = I j l o g I j S j

3.3.2. Kapur Thresholding Method

Kapur’s entropy, proposed by Akay [25], is recognized as one of the most effective threshold selection methods for real-world images due to its ability to preserve uniformity and shape measures. This method determines threshold values in a manner that ensures the preservation of grey-level moments from the input image to the output image. Kapur’s entropy consistently yields positive probabilities and results in a global maximum for entropy. In Kapur’s entropy t h 1 , t h 2 L 1 represents different levels of grey image and g 1 , g 2 , L 1 represents grey levels of non-local mean image. Its entropy can be defined as
ϕ ( g , t h ) = i = 0 g 1 j = 0 t h 1 P i j P 1 l n P i j P 1 i = t h 1 + 1 g 2 j = t h 1 + 1 t h 2 P i j P 2 l n P i j P 2 i = g L 2 + 1 g L 1 j = t h L 2 + 1 t h L 1 P i j P L 1 l n P i j P L 1
where P i j is defined as
P i j = h i s t ( i . j ) M × N , hist is the count of total pixels at a given point using histogram and M and N are dimensions.

3.3.3. Otsu Thresholding Method

This method involves analysing the histogram of the input image and segment region of interest (ROI) by minimizing the variance within each class. The fundamental concept of this method is to divide the image histogram into two distinct clusters, with a threshold determined by minimizing the weighted variance of these classes, represented as σ w 2 ( t h ) .
The computation equation for the weighted variance, denoted as σ w 2 ( t h ) , can be expressed as follows:
σ w 2 ( t h ) = w 1 ( t h ) σ 1 2 ( t h ) + w 2 ( t h ) σ 2 2 ( t h ) . In this equation, w 1 ( t h ) and w 2 ( t h ) represent the probabilities of the two classes divided by a threshold th, where the threshold value th ranges from 0 to 255.

3.3.4. Gray Thresholding Method

Gray thresholding is a highly efficient and commonly employed technique for image segmentation. This method incorporates spatial image information in threshold selection which is based on the distribution of measurement of a specific feature of the objects which is present at every threshold level of the histogram. The basic principle behind the object feature histogram can be described as follows:
For each grey-level threshold level th, generate the binary image I t h and calculate a feature measurement f ( I t h ) , such as the average input size. Based on this feature measurement, a histogram h[th] for the feature is defined as h[th] ← f ( I t h ) .

3.3.5. Active Contour Model

Active contour models (ACMs) are extensively used for medical image segmentation due to their robustness against ill-define boundaries, low-contrast, and intensity inhomogeneous artefacts [26,27,28,29]. ACMs operate by minimizing an energy function, allowing the evolution of a segmenting curve that accurately delineates a region of interest (ROI) from other objects in the image. Many variations of ACMs have been proposed but the main energy functional to divide image into foreground and background, is based on the Chan Vese model (CV) which can be described using two fitting energies as shown in Equation (3):
I n ( C o n t o u r ) u 0 c 1 2 d x + O u t ( C o n t o u r ) u 0 c 2 2 d x
All these aforementioned methods are implemented to get optimal thresholding value for one specific input image.

3.3.6. Objective Function

Five different thresholding values are obtained from above mentioned methods. An objective function is implemented to obtain best optimal value out of these five thresholding values. This objective function is based on the prior knowledge of the skin lesion images and it is specific for skin datasets. This objective function comprises of area of the ROI, distance of ROI from the centre of the image and some penalty terms. Area and Euclidean distance are normalized. The overall objective function can be formalized as follows given in Equation (4):
O b j e c t i v e _ f u n c t i o n ( t h ) m a x = A r e a ( C ) D i s t a n c e ( C ) p e n a l t y ( C )
For each aforementioned method, largest component C will be selected for consideration among all the binarized objects. Area(C) is the number of pixels covered by C, Distance (C) is calculated using the Euclidean distance from the centre of C to the centre of the input Image I. Penalty(C) is employed to evaluate whether the outcome of thresholding an image corresponds to an entirely black or entirely white region. S(x,y) represents the pixel’s value located at the row x and column y of the thresholded binary image and A × B is the size of the input dermoscopic image. The penalty is calculated as given in Equation (5):
P e n a l t y ( C ) = if S ( x , y ) = = A × B penalty = if S ( x , y ) = = 0 penalty = otherwise penalty = 0

3.3.7. Postprocessing for Skin Lesion Segmentation

After obtaining one output binary image after applying Equation (4), some postprocessing is performed for shrinkage and removal of small openings from the binary image. The postprocessing has removed some of the artefacts with some morphological processes, i.e., erosion for shirking and dilation followed by erosion for hole filling, for the ultimate test by feeding segmented images to pattern recognition models for classification.The effect of postprocessing is described in Figure 5.

3.4. Evaluation of Proposed Model

For evaluation, different metrics are used to compare results comprehensively. Dice score (DSC), Jaccard index (JI), specificity, and sensitivity are used for all comparisons which are defined below:
D i c e S c o r e ( D S C ) = 2 × A G A + G
where A is the binary image produced by proposed method and G is the ground truth.
J a c c a r d I n d e x ( J I ) = D S C 2 D S C
S p e c i f i c t y ( S P ) = T N T N + F P
where FP and TN are false positive and true negative, respectively. It calculates rate of correct Negative examples.
S e n s i t i v i t y ( S E ) = T P T P + F N
where FN and TP are false negative and true positive, respectively. It calculates rate of correct positive examples. To evaluate the significance of the results generated by the proposed model and five other algorithms (Otsu, Kapur, grey-level, Harris hawk, and ACM), a two-sample t-test is utilized. The test is conducted with a confidence interval of 95% ( p 0.05 ).

4. Experiments

The proposed ensemble based model is evaluated extensively on large dataset of ISIC 2016 which contains diverse type of skin images. Results of ensemble based model are compared with all state-of-the-art threhsolding models and ACM to analyse robustness and accuracy of this approach. All the experiments are performed on MATLAB 2017a.

Results and Comparisons

Equation (4) represents the objective function, which effectively determines the optimal thresholding value to binarise the input image, resulting in improved segmentation outcomes. In Figure 6, the outputs of various methods for a specific image are shown. Among these methods, Otsu generated the most favourable binary image for the region of interest (ROI). Notably, the proposed objective function also identified and selected the same thresholding value for binarisation, aligning with the superior performance of Otsu’s method.
Figure 6 shows segmentation of a challenging skin image due to presence of hair in the image. Similarly, Figure 7 shows a skin image with severe intensity inhomogeneity, and the proposed method produced an accurate segmentation of ROI with Dice score = 0.965.
The proposed method is validated on all skin images and the output of above mentioned methods are analysed in detail. Table 1 presents the outcomes obtained for various images, demonstrating the effectiveness of the ensemble-based model. This model, which relies on an objective function, adeptly selects the optimal thresholding value for skin lesion segmentation. The results clearly illustrate the model’s ability to accurately determine the threshold, leading to successful segmentation of skin lesions across different images.
All thresholding models (OTSU, Harris hawk, grey level, and Kapur) and the active contour model are good for different types of segmentation but for diverse type of input images with different challenges, they failed to produce overall good Dice scores and other values. In contrast, the proposed ensemble based model produced promising results. The comparison of different thresholding methods and state-of-the-art methods (DOLHGS [30], EDB-CNN [31], Auto-ED [32], LIN [33], FCN-8 s [34], and U-Net [35]) for skin lesion segmentation using same datasets are given in Table 2.

5. Discussion

In skin lesion segmentation, finding an optimal thresholding method can be challenging due to the presence of inhomogeneity, noise, and other artefacts in the images. Different research studies have employed various thresholding methods, but no single method is universally effective for all types of images. Some methods work well for images with distinct edges, whereas others are more suitable for handling low-contrast images. To address this issue, an ensemble approach has been adopted in this research, which incorporates a group of thresholding methods. The ensemble model aims to determine the best thresholding value for binarising each input image by evaluating the performance of multiple methods. The four thresholding methods used in this ensemble are Hawk thresholding, Kapur thresholding, Otsu thresholding, and grey thresholding. These methods have been chosen based on their effectiveness in segmenting skin lesions. Additionally, an active contour model, also known as a snake model, is included in the ensemble to further improve the segmentation accuracy.
To evaluate and compare the performance of these thresholding methods, an objective function is implemented. This objective function is specifically designed for skin lesion datasets and incorporates prior knowledge about these images. It takes into account several factors, including the area of the region of interest (ROI) obtained from each thresholding method, the distance of the ROI from the centre of the image, and certain penalty terms. By combining these factors, the objective function assesses the quality of the segmented regions produced by each method and identifies the optimal thresholding value.
By utilizing an ensemble approach and an objective function tailored for skin lesion images, this research aims to overcome the limitations of individual thresholding methods and enhance the accuracy of segmentation. The ensemble model leverages the strengths of each method and combines their results to achieve a more robust and reliable segmentation outcome. This approach recognizes the diverse characteristics and challenges present in skin lesion images and provides a more comprehensive solution for accurate segmentation.
This research can be easily extendable for other medical imaging modalities such as cardiac magnetic resonance imaging (CMR), ultrasounds, and brain scans. By utilizing the same model, the only necessary adjustment would involve adapting the objective function to suit the specific requirements of any new imaging modality.
Table 2 presents the results of various algorithms for skin lesion segmentation based on different evaluation metrics, and compares these state-of-the-art approaches with the proposed model. The Dice score and Jaccard index provide insights into the overlap between the predicted segmentation and the ground truth. Higher values indicate better segmentation accuracy, and the proposed model achieves a Dice score of 0.89 and a Jaccard index of 0.85, which are the highest among all methods and indicates a strong agreement between the predicted and ground truth segmentation. As sensitivity represents the true positive rate, measuring how well the algorithm detects positive class (skin lesion) pixels, the proposed model achieves the highest sensitivity of 0.92, indicating a high capability to identify and capture skin lesions. Finally, specificity measures the true negative rate, indicating how well the algorithm excludes background pixels from the segmentation and the proposed model achieves a specificity of 0.93 as well thus, indicating a high ability to accurately identify background pixels. Overall, the proposed model consistently shows competitive performance across all evaluated metrics, achieving the highest Dice score, Jaccard index, sensitivity, and specificity among the listed algorithms.

6. Conclusions

A new model is proposed for an accurate skin lesion segmentation from dermoscopic images. A diverse type of dataset (ISIC 2016) is used which contains skin images with different types of artefacts. Several segmentation methods are used to perform this task but different images require different thresholding values for best segmentation results. In this paper, an ensemble of five different models are used to obtain an optimal thresholding value based on an objective function. This ensemble approach ensures a robust selection process for determining the ideal thresholding value. Comprehensive experiments are performed on the entire dataset, and it is observed that using a group of different methods produced superior results in comparison to any single state-of-the-art segmentation method. By employing this ensemble-based approach and conducting comprehensive experiments, we demonstrate the efficacy of our model in accurately segmenting skin lesions. This contributes to improved diagnostic and treatment processes, providing valuable insights for medical professionals in the field of dermatology.

Author Contributions

Conceptualization, M.T.; methodology, M.T. and A.N.; software, M.T. and A.N.; validation, A.K. and K.Z.; formal analysis, A.K. and K.Z.; investigation, M.T., A.N., A.K. and K.Z.; resources, A.N.; data curation, M.T. and A.K.; writing—original draft preparation, M.T., A.N., A.K. and K.Z.; writing—review and editing, M.T., A.N., A.K. and K.Z.; visualization, M.T.; supervision, M.T.; project administration, A.N. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

All data are publicly available and taken from ISIC skin database.

Acknowledgments

We extend our gratitude to the data sources for making their datasets publicly available [4]. Furthermore, we acknowledge the public availability of all codes pertaining to deep convolutional neural network (CNN) architectures.

Conflicts of Interest

The authors declare no conflict of interest. This paper holds relevance to the readership of this journal. As the corresponding author and first author of this research work, I affirm that the manuscript is completely original and has not been copyrighted, published, submitted, or accepted for publication elsewhere.

References

  1. Lama, R.; Gwak, J.; Park, J.; Lee, S. Diagnosis of Alzheimer’s disease based on structural MRI images using a regularized extreme learning machine and PCA features. J. Healthc. Eng. 2017, 2017, 5485080. [Google Scholar] [CrossRef] [Green Version]
  2. Nasreen, G.; Haneef, K.; Tamoor, M.; Irshad, A. A comparative study of state-of-the-art skin image segmentation techniques with CNN. Multimed. Tools Appl. 2023, 82, 10921–10942. [Google Scholar] [CrossRef]
  3. Raza, N.; Naseer, A.; Tamoor, M.; Zafar, K. Alzheimer Disease Classification through Transfer Learning Approach. Diagnostics 2023, 13, 801. [Google Scholar] [CrossRef] [PubMed]
  4. Codella, N.; Cai, J.; Abedini, M.; Garnavi, R.; Halpern, A.; Smith, J. Deep learning, sparse coding, and SVM for melanoma recognition in dermoscopy images. In Machine Learning in Medical Imaging, Proceedings of the 6th International Workshop, MLMI 2015, Held In Conjunction with MICCAI 2015, Munich, Germany, 5 October 2015, Proceedings; Springer: Berlin/Heidelberg, Germany, 2015; pp. 118–126. [Google Scholar]
  5. Pérez, E.; Ventura, S. An ensemble-based convolutional neural network model powered by a genetic algorithm for melanoma diagnosis. Neural Comput. Appl. 2022, 34, 10429–10448. [Google Scholar] [CrossRef]
  6. Deng, J.; Dong, W.; Socher, R.; Li, L.; Li, K.; Li, F.-F. Imagenet: A large-scale hierarchical image database. In Proceedings of the 2009 IEEE Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009; pp. 248–255. [Google Scholar]
  7. Song, Y.; Cai, W.; Huang, H.; Zhou, Y.; Feng, D.; Wang, Y.; Fulham, M.; Chen, M. Large margin local estimate with applications to medical image classification. IEEE Trans. Med. Imaging 2015, 34, 1362–1377. [Google Scholar] [CrossRef] [Green Version]
  8. Kasmi, R.; Mokrani, K. Classification of malignant melanoma and benign skin lesions: Implementation of automatic ABCD rule. IET Image Process. 2016, 10, 448–455. [Google Scholar] [CrossRef]
  9. Thanh, D.; Erkan, U.; Prasath, V.; Kumar, V.; Hien, N. A skin lesion segmentation method for dermoscopic images based on adaptive thresholding with normalization of color models. In Proceedings of the 2019 6th International Conference on Electrical and Electronics Engineering (ICEEE), Istanbul, Turkey, 16–17 April 2019; pp. 116–120. [Google Scholar]
  10. Setiawan, A. Image segmentation metrics in skin lesion: Accuracy, sensitivity, specificity, dice coefficient, Jaccard index, and Matthews correlation coefficient. In Proceedings of the 2020 International Conference on Computer Engineering, Network, and Intelligent Multimedia (CENIM), Surabaya, Indonesia, 17–18 November 2020; pp. 97–102. [Google Scholar]
  11. Dhivyaa, C.; Sangeetha, K.; Balamurugan, M.; Amaran, S.; Vetriselvi, T.; Johnpaul, P. Skin lesion classification using decision trees and random forest algorithms. J. Ambient. Intell. Humaniz. Comput. 2020, 1–13. [Google Scholar] [CrossRef]
  12. Yap, J.; Yolland, W.; Tschandl, P. Multimodal skin lesion classification using deep learning. Exp. Dermatol. 2018, 27, 1261–1267. [Google Scholar] [CrossRef] [Green Version]
  13. Huang, L.; Zhao, Y.; Yang, T. Skin lesion segmentation using object scale-oriented fully convolutional neural networks. Signal Image Video Process. 2019, 13, 431–438. [Google Scholar] [CrossRef]
  14. Pereira, P.; Fonseca-Pinto, R.; Paiva, R.; Assuncao, P.; Tavora, L.; Thomaz, L.; Faria, S. Dermoscopic skin lesion image segmentation based on Local Binary Pattern Clustering: Comparative study. Biomed. Signal Process. Control 2020, 59, 101924. [Google Scholar] [CrossRef]
  15. Khan, A.; Awang Iskandar, D.; Al-Asad, J.; Mewada, H.; Sherazi, M. Ensemble learning of deep learning and traditional machine learning approaches for skin lesion segmentation and classification. Concurr. Comput. Pract. Exp. 2022, 34, e6907. [Google Scholar] [CrossRef]
  16. Kanca, E.; Ayas, S. An Ensemble of Fully Convolutional Neural Networks for Automatic Skin Lesion Segmentation. In Proceedings of the 2022 Medical Technologies Congress (TIPTEKNO), Antalya, Turkey, 31 October–2 November 2022; pp. 1–4. [Google Scholar]
  17. Kalaivani, A.; Karpagavalli, S. Detection and classification of skin diseases with ensembles of deep learning networks in medical imaging. Int. J. Health Sci. 2022, 6, 13624–13637. [Google Scholar] [CrossRef]
  18. Spyridonos, P.; Gaitanis, G.; Likas, A.; Bassukas, I. A convolutional neural network based system for detection of actinic keratosis in clinical images of cutaneous field cancerization. Biomed. Signal Process. Control 2023, 79, 104059. [Google Scholar] [CrossRef]
  19. Kawahara, J.; Daneshvar, S.; Argenziano, G.; Hamarneh, G. Seven-point checklist and skin lesion classification using multitask multimodal neural nets. IEEE J. Biomed. Health Inform. 2018, 23, 538–546. [Google Scholar] [CrossRef] [PubMed]
  20. Ramamurthy, K.; Muthuswamy, A.; Mathimariappan, N.; Kathiresan, G. A novel two-staged network for skin disease detection using atrous residual convolutional networks. Concurr. Comput. Pract. Exp. 2023, e7834. [Google Scholar] [CrossRef]
  21. Gutman, D.; Codella, N.; Celebi, E.; Helba, B.; Marchetti, M.; Mishra, N.; Halpern, A. Skin lesion analysis toward melanoma detection: A challenge at the international symposium on biomedical imaging (ISBI) 2016, hosted by the international skin imaging collaboration (ISIC). arXiv 2016, arXiv:1605.01397. [Google Scholar]
  22. Tamoor, M.; Younas, I. Automatic segmentation of medical images using a novel Harris Hawk optimization method and an active contour model. J. X-ray Sci. Technol. 2021, 29, 721–739. [Google Scholar] [CrossRef]
  23. Malik, Y.; Tamoor, M.; Naseer, A.; Wali, A.; Khan, A. Applying an adaptive Otsu-based initialization algorithm to optimize active contour models for skin lesion segmentation. J. X-ray Sci. Technol. 2022, 30, 1169–1184. [Google Scholar] [CrossRef]
  24. Heidari, A.; Mirjalili, S.; Faris, H.; Aljarah, I.; Mafarja, M.; Chen, H. Harris hawks optimization: Algorithm and applications. Future Gener. Comput. Syst. 2019, 97, 849–872. [Google Scholar] [CrossRef]
  25. Bhandari, A.; Singh, V.; Kumar, A.; Singh, G. Cuckoo search algorithm and wind driven optimization based study of satellite image segmentation for multilevel thresholding using Kapur’s entropy. Expert Syst. Appl. 2014, 41, 3538–3560. [Google Scholar] [CrossRef]
  26. Chan, T.; Vese, L. Active contours without edges. IEEE Trans. Image Process. 2001, 10, 266–277. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  27. Tamoor, M.; Younas, I.; Din, H. Two-stage active contour model for robust left ventricle segmentation in cardiac MRI. Multimed. Tools Appl. 2021, 80, 32245–32271. [Google Scholar] [CrossRef]
  28. Caselles, V.; Kimmel, R.; Sapiro, G. Geodesic active contours. In Proceedings of the IEEE International Conference on Computer Vision, Cambridge, MA, USA, 20–23 June 1995; pp. 694–699. [Google Scholar]
  29. Lankton, S.; Tannenbaum, A. Localizing region-based active contours. IEEE Trans. Image Process. 2008, 17, 2029–2039. [Google Scholar] [CrossRef] [Green Version]
  30. Dahou, A.; Aseeri, A.; Mabrouk, A.; Ibrahim, R.; Al-Betar, M.; Elaziz, M. Optimal Skin Cancer Detection Model Using Transfer Learning and Dynamic-Opposite Hunger Games Search. Diagnostics 2023, 13, 1579. [Google Scholar] [CrossRef] [PubMed]
  31. Abid, I.; Almakdi, S.; Rahman, H.; Almulihi, A.; Alqahtani, A.; Rajab, K.; Alqhatani, A.; Shaikh, A. A convolutional neural network for skin lesion segmentation using double u-net architecture. Intell. Autom. Soft Comput. 2022, 33, 1407–1421. [Google Scholar] [CrossRef]
  32. Attia, M.; Hossny, M.; Nahavandi, S.; Yazdabadi, A. Spatially aware melanoma segmentation using hybrid deep learning techniques. arXiv 2017, arXiv:1702.07963. [Google Scholar]
  33. Li, Y.; Shen, L. Skin lesion analysis towards melanoma detection using deep learning network. Sensors 2018, 18, 556. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  34. Long, J.; Shelhamer, E.; Darrell, T. Fully convolutional networks for semantic segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3431–3440. [Google Scholar]
  35. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015: Proceedings of the 18th International Conference, Munich, Germany, 5–9 October 2015; Proceedings, Part III 18; Springer: Berlin/Heidelberg, Germany, 2015; pp. 234–241. [Google Scholar]
Figure 1. Applying median filter for skin image to remove noise.
Figure 1. Applying median filter for skin image to remove noise.
Diagnostics 13 02684 g001
Figure 2. Skin images with different artefacts from ISIC 2016 dataset [21].
Figure 2. Skin images with different artefacts from ISIC 2016 dataset [21].
Diagnostics 13 02684 g002
Figure 3. Applying image enhancement for skin image to improve contrast.
Figure 3. Applying image enhancement for skin image to improve contrast.
Diagnostics 13 02684 g003
Figure 4. Overall diagram of proposed method for skin lesion segmentation.
Figure 4. Overall diagram of proposed method for skin lesion segmentation.
Diagnostics 13 02684 g004
Figure 5. Effect of Postprocessing on binary image.
Figure 5. Effect of Postprocessing on binary image.
Diagnostics 13 02684 g005
Figure 6. Output of different thresholding methods and ACM and selection of best method for the input image.
Figure 6. Output of different thresholding methods and ACM and selection of best method for the input image.
Diagnostics 13 02684 g006
Figure 7. Output of skin image with intensity inhomogeneity.
Figure 7. Output of skin image with intensity inhomogeneity.
Diagnostics 13 02684 g007
Table 1. Dice scores of different models for different types of skins images. Last column represents method selected on the basis of proposed model.
Table 1. Dice scores of different models for different types of skins images. Last column represents method selected on the basis of proposed model.
ImagesOtsuACMKapurHarris HawkGray LevelMethod
ISIC_00000880.908320.897340.99140.713430.90815Kapur
ISIC_00000920.982130.954090.979930.894310.98115Otsu
ISIC_00000980.852850.933850.845770.929630.85246ACM
ISIC_00000990.812560.816070.846070.430260.81264Kapur
ISIC_00001070.81670.801810.905090.590850.81662Kapur
ISIC_00001110.883770.874950.8540.752010.88377Harris Hawk
ISIC_00001150.946720.901090.936950.691990.94614Gray Level
ISIC_00001170.754440.734680.748330.490840.70436Otsu
ISIC_00001380.913020.910330.898690.777580.92325Gray Level
ISIC_00001410.854140.845170.964520.651940.85254Kapur
ISIC_00100370.705620.678030.90550.465670.7061Kapur
ISIC_00100770.729870.705000.72977Otsu
ISIC_00100880.965290.84190.867610.770070.96451Otsu
ISIC_00100890.849110.804950.823360.674740.84937Gray Level
ISIC_00102290.801480.847190.908580.945140.80126Harris Hawk
ISIC_00000520.87240.876990.834670.760260.87218Harris Hawk
ISIC_00113250.785480.823940.863980.369010.78414Kapur
ISIC_00113330.874690.880440.933490.592950.87488Kapur
ISIC_00113360.734910.785230.759550.619680.73502ACM
ISIC_00021070.929980.929940.98420.8774450.93Kapur
ISIC_00098820.797090.803190.901630.219440.79736Kapur
ISIC_00098850.862170.778390.800610.706520.8621Otsu
ISIC_00098910.841640.858520.852950.744510.84195ACM
ISIC_00000030.951720.944870.968310.54860.94172Otsu
ISIC_00000120.889460.969350.966050.897990.88959Otsu
ISIC_00000130.946180.943720.953120.84750.94632Kapur
ISIC_00000140.87720.8896600.450250.87773ACM
ISIC_00000150.814110.784720.819640.574590.81383Kapur
ISIC_00000200.802770.752790.8166900.8026Kapur
ISIC_00111290.809760.860780.785150.29750.80902ACM
ISIC_00000220.620250.630560.583140.216230.62185ACM
ISIC_00000230.874670.87450.9733900.87462Kapur
ISIC_00000270.747210.755580.8570400.74662Kapur
ISIC_00001970.856130.76890.840770.46210.83616Otsu
ISIC_00105530.842220.837920.921080.761320.84271Kapur
ISIC_00111500.714940.720440.709960.631260.71944ACM
ISIC_00111100.803320.806310.841240.71080.80349Kapur
ISIC_00111120.791520.778960.763540.876580.79332Harris Hawk
Table 2. Comparison of different methods for skin lesion Segmentation using the ISIC 2016 dataset.
Table 2. Comparison of different methods for skin lesion Segmentation using the ISIC 2016 dataset.
AlgorithmsDice ScoreJaccard IndexSensitivitySpecificity
Otsu0.690.580.830.94
Active Contour0.720.610.760.92
Kapur0.720.620.770.94
Harris Hawk0.500.390.690.84
Gray Thresh0.690.580.800.91
DOLHGS0.870.850.870.88
EDB-CNN0.870.85--
Auto-ED0.820.790.710.81
LIN0.830.800.770.89
FCN-8 s0.780.760.700.82
U-net0.860.840.760.92
Proposed Model0.890.850.920.93
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Tamoor, M.; Naseer, A.; Khan, A.; Zafar, K. Skin Lesion Segmentation Using an Ensemble of Different Image Processing Methods. Diagnostics 2023, 13, 2684. https://doi.org/10.3390/diagnostics13162684

AMA Style

Tamoor M, Naseer A, Khan A, Zafar K. Skin Lesion Segmentation Using an Ensemble of Different Image Processing Methods. Diagnostics. 2023; 13(16):2684. https://doi.org/10.3390/diagnostics13162684

Chicago/Turabian Style

Tamoor, Maria, Asma Naseer, Ayesha Khan, and Kashif Zafar. 2023. "Skin Lesion Segmentation Using an Ensemble of Different Image Processing Methods" Diagnostics 13, no. 16: 2684. https://doi.org/10.3390/diagnostics13162684

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop