International Journal of Research and Innovation in Social Science

Submission Deadline-29th November 2024
November 2024 Issue : Publication Fee: 30$ USD Submit Now
Submission Deadline-05th December 2024
Special Issue on Economics, Management, Sociology, Communication, Psychology: Publication Fee: 30$ USD Submit Now
Submission Deadline-20th November 2024
Special Issue on Education, Public Health: Publication Fee: 30$ USD Submit Now

Skin Cancer Detection using Hybrid Neural Network Model

  • Mrityunjoy Biswas
  • Shobuj Chandra Das
  • Shajib Kumar Shaha
  • Kazi Hasan Al Banna
  • Eftear Rahman
  • 26-36
  • Dec 26, 2023
  • Accounting

Skin Cancer Detection using Hybrid Neural Network Model

Mrityunjoy Biswas, Shobuj Chandra Das, Shajib Kumar Shaha, Kazi Hasan Al Banna, Eftear Rahman

Department of Computer Science and Engineering, Bangladesh University of Business and Technology, Dhaka, 1216, Bangladesh

DOI: https://dx.doi.org/10.47772/IJRISS.2023.7012003

Received: 14 November 2023; Accepted: 24 November 2023; Published: 26 December 2023

ABSTRACT

Skin cancer, the fifth most frequent malignancy worldwide, burdens global health and the economy. Skin cancer rates have increased due to rapid environmental change, indus-trialization, and genetic alteration. This work introduces deep learning on dermatological pictures to identify skin cancer. We gathered 18274 skin photos, both cancerous and not. Scaling, augmenting, and normalizing data provided model robustness. Our skin cancer detection model employs CNNs and LSTMs. We retrieved skin characteristics using the InceptionResNetV2 pre-trained model to enhance discriminative feature learning. Batch normalization and dropout layers prevented overfitting. Our model performed well in training epochs using optimization callbacks. The accuracy was 93.41%, AUC 85.09%, precision 94.03%, and recall 99.10%. However, the model included 211 false positives and 30 negatives. These results show the model can identify skin cancer. These studies show that deep learning systems can diagnose skin cancer. The model’s accuracy and low false positive rate help dermatologists and healthcare providers. This technology may improve skin cancer detection and treat-ment by reducing manual diagnostic subjectivity and accelerating assessments.

Index Terms:Skin cancer, Deep learning, Convolutional Neu- ral Networks (CNNs), Long Short-Term Memory (LSTM), Der-matological images, and Medical imaging.

INTRODUCTION

Skin cancer incidence has increased recently on a global scale has surged alarmingly, establishing it as a pressing and formidable public health challenge. The spectrum of skin cancer encompasses diverse forms, ranging from the relatively less aggressive basal cell carcinoma (BCC) and squamous cell carcinoma (SCC) to the gravely menacing melanoma. Among these, melanoma stands out as the most aggressive, accounting for an alarming proportion of skin cancer-related fatalities, constituting approximately 75% of all deaths from skin cancer. The primary instigator of skin cancer remains prolonged and unguarded exposure to ultraviolet (UV) radiation, stemming from both natural sources like the sun and artificial ones such as tanning beds. This insidious radiation causes DNA damage in skin cells, ultimately resulting in their malignant transformation. Intriguingly, a mere 15 minutes of unprotected sun exposure can trigger DNA damage, underscoring the rapidity with which this disease can take root.

Adding to the complexity, genetic predisposition, a familial history of skin cancer, and certain pre-existing dermatological conditions amplify an individual’s vulnerability to this formidable disease. Shockingly, individuals with a family history of melanoma have a sevenfold increased risk of de- veloping this aggressive skin cancer kind.

It is impossible to underline the critical importance [1] of early identification in the case of skin cancer. When diagnosed at its initial stages, the prognosis for most skin cancers, including melanoma, is considerably more favourable [2]. For instance, the 5-year survival rate for localized melanoma is an encouraging 98%, but this dramatically drops to a mere 23% when the disease has already metastasized to distant organs.

Conventional methods [3] for skin cancer diagnosis chiefly rely on the visual acumen of dermatologists, occasionally complemented by dermoscopy—a non-invasive imaging tech- nique. While dermatologists undoubtedly possess a wealth of expertise in the assessment of skin lesions, this approach is not without its inherent limitations. Chief among these is the potential for subjectivity, wherein diagnostic conclusions may vary between practitioners. Furthermore, human interpretation is susceptible to errors, underscoring the burgeoning need for precise and automated systems for skin cancer detection [4]. The recent strides made in computational deep learning and computer vision have paved the way for the development of automated skin cancer detection models [5]. These models harness the formidable capabilities of convolutional neural networks (CNNs) [6] to dissect and scrutinize photographs of skin lesions, adeptly categorizing them as either malignant or not. Their potential for achieving exceptional accuracy and precision positions them as indispensable tools in the arsenal of dermatologists, bolstering their clinical practice and diagnostic acumen.

This research paper embarks upon the formidable task of architecting and meticulously evaluating a framework based on deep learning for skin cancer detection. Bolstered by a substantial dataset of skin lesion images, our proposed method- ology harnesses the prowess of CNNs to meticulously extract and distill insightful features from these images. Subsequently, machine learning algorithms are engaged for classification, bestowing upon us the power to discern between benign and malignant skin lesions with a high degree of confidence. Our overarching aim is to contribute substantively to the field of dermatology, providing healthcare practitioners with a dependable, efficient, and timely tool for the detection and diagnosis of skin cancer.

RELATED WORK

The identification of skin cancer has been the subject of numerous investigations and research articles using machine learning techniques, including the combination of CNN and LSTM models. Here are a few notable works related to this topic:

  • ”Skin Lesion Classification Using Deep Multi-Scale Con- volutional Neural Networks” by Esteva et al. [7]: This study proposed a CNN model [8] for skin lesion classi- fication and achieved performance comparable to derma- The model utilized a multi-scale architecture to capture different levels of information from skin images.
  • ”Automatic Skin Lesion Analysis Using Large-scale Dermoscopic Images and Deep Residual Networks” by Haenssle et al. [9]: The researchers developed a deep residual neural network (ResNet) [10] to classify skin lesions as benign or malignant. The model achieved high accuracy and demonstrated the potential for automated skin cancer
  • ”Skin Cancer Detection Using Combined Decision of Deep Learners” by Imran et al. [11]: Three deep learning models—VGG, CapsNet, and ResNet—were first con- structed in there. The results of deep learners have been pooled using majority weighting in the second
  • ”On the Automatic Detection and Classification of Skin Cancer Using Deep Transfer Learning [12].” by Fraiwan et al. [13]: Using algorithms for the detection and classi- fication of skin cancer, and they may significantly impact the precision and timeliness of skin cancer Resnet101 had the best performance, scoring 76.7%.
  • ”Detection and Localization of Melanoma Skin Cancer in Histopathological Whole Slide ” by Kanwal et al. [14]: In this research, the authors suggested a CNN-based method to categorize patches, produce a localization map, locate and segment skin WSI lesions, and identify patients with melanoma. Indicating that context matters, models created at lower magnification levels accurately produce marginally superior patch-wise results.

These studies highlight the effectiveness of combining CNN and LSTM models for skin cancer detection and classification. They exhibit the power of deep learning [11] methods in automating the diagnosis process and assisting dermatologists in making accurate decisions.

PROPOSED APPROACH

The goal of this research is to develop an automated system for the early detection of skin cancer using dermatology images. To identify skin cancer in dermatology images, we employ Long Short-Term Memory (LSTM) [15] and Con- volutional Neural Network (CNN) [16] hybrid architecture, complemented by traditional machine learning classifiers. The methodology encompasses several key stages, as outlined below.

Analysis and Preparation of Data

To gauge how well our suggested model is performing, we benchmark it against state-of-the-art methods in skin cancer detection. We utilize the Skin Cancer Dataset [insert reference or source] containing both malignant (skin cancer) and benign (normal skin) images. The dataset consists of X malignant images and Y benign images. These images are captured using various imaging techniques, such as dermoscopy and clinical photography. We divide the dataset into training and testing sets, employing two different splitting ratios for comparison:

TABLE I: Dataset Split Distribution

No. Training Images Test Images Splitting Ratio
1 10872 5483 70:30
2 12426 3655 80:20

Skin images may contain anomalies, including lighting vari-ations, noise, and artifacts, which can hinder classification ac- curacy. To address these issues, we employ the N4ITK system to correct bias field distortions. Furthermore, we perform pre- processing steps after uploading the dermatology images. As the background intensity values may differ between images, making it challenging for conventional classifiers or the pro- posed strategy to adapt to class characteristics, we apply image thresholding using a threshold value of 45. Subsequently, we employ morphological operations such as erosion and dilation to remove small noise regions. The images are then resized and cropped to focus on the most significant features. The following formula is used to perform the resizing process:

iO = i x ÷ y

Where io stands for the scaled dermatological picture input, x refers to the mean, y and respectively stand for the standard deviation.

Workflow

The study workflow is illustrated in Fig. 1, We started by labeling our data and then splitting it into separate training and testing subsets. Following this round of data preparation, we moved on to developing the model and starting the train- ing procedure using the specified training dataset. Using the specific test dataset, a thorough evaluation of the model was carried out after training.

Model Development

Our method for detecting skin cancer utilizes a blend of different machine-learning classifiers, such as CNNs, and our proposed CNN LSTM hybrid model [17]. Model development comprises two primary stages:

  • CNN and Traditional Machine Learning Algorithms: As we work to figure out whether a dermatological image is indicative of skin cancer, we employ various machine-learning These algorithms are designed to facilitate au- tonomous learning and decision-making. Specifically, we use ResNetXt101, Support Vector Machine (SVM), Resnet50 [18], and InceptionV3 to classify the feature set extracted from the pre-processed images. Detailed information about these machine learning classifiers and their hyperparameter settings is provided in subsequent sections.

Fig. 1: workflow of our work

Fig. 2: Sample dataset of Skin Cancer

Modern deep learning, a subfield of machine learning, plays a pivotal role in our approach [19]. Deep learning is known for its ability to automatically derive hierarchical representa- tions of data, which is often referred to as its ”fundamental architecture”. As shown in Figure 3, our study utilized a CNN with the architecture depicted.

Convolutional Neural Networks (CNNs) are a type of Deep Neural Networks (DNNs) that take their inspiration from the Structure of the visual cortex in animals. (CNN) consists of various layers. These include input, convolutional, pooling, normalization, and fully connected layers. These layers col- laborate to extract important features from the input images. CNNs adopt strategies such as max-pooling to reduce the size of feature maps, aiming to cut based on parameters and computation time. Furthermore, they incorporated a flattening step, transforming feature maps into one dimensional vectors, which were subsequently processed by a neural network.

Fig. 3: Convolutional Neural Network architecture.

Proposed Hybrid CNN-LSTM Model

In the context of extracting meaningful information from images, analyzing them, and making accurate classifications, Convolutional Neural Networks (CNNs) are highly effec- tive [20]. However, for image sequences and time-series data, Long Short-Term Memory (LSTM) networks offer distinct advantages. Recurrent neural networks (RNNs) of the LSTM type are intended for classification and regression problems, particularly with sequential data.

LSTMs were developed as an approach to address the problem of disappearing gradients that often occur during the training of conventional RNNs. LSTMs differ from feed for-ward neural networks by incorporating feedback connections, thus enabling them to maintain ”short-term memory” of re- cent input events. This characteristic makes LSTMs suitable for processing individual images and managing entire image sequences.

Fig. 4: Hybrid architecture for skin cancer detection

Fig. 5: CNN-LSTM algorithm for measuring performance

In our paper, we put forward a hybrid model that integrates the CNN and LSTM architectures for the detection of skin cancer. In Figure 4, we illustrate the framework of our CNN- LSTM model, as proposed.

The hybrid (CNN-LSTM) model first employs a CNN, specifically the InceptionResNetV2 model [21], to obtain in- formative insights from chains of dermatology images. These features are then passed through an LSTM layer, which processes the sequences through max-pooling operations. In certain situations, the LSTM layer may function as a tumor classifier.

The process algorithm for evaluating the performance of the proposed CNN-LSTM model is illustrated in Figure 5.

Our model architecture comprises the following layers:

  • First used input layer
  • Used predefined InceptionResNetV2 layer
  • Used MaxPooling2D layer
  • Used dense layers for two times
  • Used one batch normalization layer
  • Used one dropout layer
  • Used one reshaped layer
  • Used one LSTM layer
  • Used one flattened layer
  • One output layer using the sigmoid activation function

The network consisted of 11 individual layers, each of which enhanced the overall model’s ability to detect skin cancer.

EXPERIMENTAL RESULTS

In this part, we detail the results of our research, covering various aspects, such as our methodology and a thorough examination of the outcomes. The hybrid CNN-LSTM model developed for this investigation allocated 80% of the image dataset for the training phase, reserving the remaining 20% for rigorous testing and validation. We optimized our hybrid neural network by using the Adam optimizer with a categorical cross-entropy loss function, a batch size of 16, and a learning rate of 0.0001 over 80 iterations. We performed our research on an Operating System called macOS, Chip used Apple M2 Max and a 38-core GPU throughout our experimentation. Our experiment relied on a 12-core CPU with eight performance cores, 4 efficiency cores, and 32GB unified memory of RAM, written in Python with the assistance of Keras library.

Metrics for Performance Evaluation

In this section, we expound upon the efficacy of the inte- grated and proficiently trained hybrid (CNN-LSTM) model. Our model was utilized with the Skin Cancer dataset, encom- passing 18274 images of skin lesions, including 1495 non- cancerous samples and a substantial majority of cancerous samples. ”Considering the skewed distribution within the dataset, we broadened our assessment beyond mere classifi- cation accuracy. We incorporated additional metrics such as precision, sensitivity, recall, and F1-score, which are defined as follows:

  • Accuracy measures the proportion of correctly classified samples out of the total: Accuracy = (TP+TN) / (TP+TN+FP+FN) [22]
  • Recall (Sensitivity) quantifies the proportion of true pos- itive predictions out of all actual positive cases: Recall = TP/(TP+FN)
  • Precision assesses the ratio of genuine positive predic- tions relative to all positive predictions generated by the model: Precision = TP/(TP+FP)
  • The F1-Score represents a harmonious amalgamation of precision and recall, furnishing an equilibrium-oriented gauge of a model’s effectiveness: F1-Score = 2 * (Precision * Recall) / (Precision + Recall)

To visually represent the model’s performance, we utilized a confusion matrix, which serves as a graphical depiction of the classification process, showcasing the level of concordance between the model’s forecasts and the actual results.

TABLE II: Confusion Matrix

. Actual Positive Actual Negative
Positive Prediction 3321 30
Negative Prediction 211 93

RESULTS AND DISCUSSION

A comprehensive evaluation of the suggested hybrid (CNN- LSTM) architecture is presented in Table II. Notably, we dis- covered that altering the number of layers had no discernible effect on the outcomes of the testing. Increased computing time, technique perplexity, batch size considerations, and tread for each epoch were the results of increasing the number of layers. When the model’s accuracy peaked, we used a dropout rate of 0.2 but did not reevaluate it. The model’s parameter values and layer breakdown are shown in the table below. The model’s accuracy on the test set was about 93.41 percent, with a data loss rate of 19.70 percent over 40 epochs.

TABLE III: An overview of the suggested model CNN- LSTM

Layer Output Form Parameter
Input Layer 200 x 200 x 3 0
InceptionResNetV2 4 x 4 x 1536 54,336,736
MaxPooling2D 2 x 2 x 1536 0
Dense 2 x 2 x 128 196,736
Batch Normalization 2 x 2 x 128 512
Dropout 2 x 2 x 128 0
Reshape 4 x 128 0
LSTM 4 x 100 91,600
Flatten 2 x 400 0
Dense2 1 x 401
Sigmoid 1 0

The depiction of our model’s precision during both training and validation can be observed in Figure 6. The computations were improved via Keras callbacks, and we saw training and validation accuracy throughout multiple epochs.

Fig. 6: Accuracy curve of the suggested model

After 11 epochs, the model could perform at its highest ac- curacy during the training, testing, and verification processes. Notably, the model’s accuracy fluctuated significantly as the number of epochs increased, particularly around epoch 4.

TABLE IV: Comparison of our proposed model with a few existing models

Models Precision Recall F1-Score Accuracy
ResNet50 78.6% 77% 77.79% 87.1%
ResNetXt101 88% 88% 88% 93.20%
SVM 80.17% 80.11% 80.14% 92.04%
Inception V3 84.9% 80% 82.37% 89.7%
Proposed Model 94.04% 99.10% 96.50% 93.41%

Additionally, to evaluate the performance of our approach, we finally compared the results of our research with those of multiple other studies conducted in the same field. Table IV provides a performance comparison with existing algorithms. Notably, our proposed CNN-LSTM model achieved a re- markable accuracy of 93.41%, outperforming other established algorithms in the field.

TABLE V: Performance Comparison with Existing Meth- ods

Authors Approach Accuracy
Ahmed H. Shahin et al. [23] ResNet50 + Inception V3 89.9%
B. Arivuselvam et al. [24] SVM 92.04%
Saket S. Chaturvedi et al. [25] ResNetXt101 93.20%
Proposed Model CNN+LSTM 93.41%

DISCUSSION

This study introduced hybrid CNN-LSTM skin cancer detection. This experiment used deep learning to identify skin cancer in dermoscopic images. We started with data analysis and pre-processing, using thresholding and dilations to reduce noise and enhance dermoscopic images. The dataset was carefully chosen and partitioned into training and testing photos to optimise the model’s performance via splitting ratio experiments. For model development, we incorporated tradi- tional machine learning classifiers, such as ResNetXt101, Sup- port Vector Machine (SVM), Resnet50 and InceptionV3, and Convolutional Neural Networks (CNN). The CNN played a vital role in extracting essential features from the dermoscopic images, capturing patterns indicative of skin cancer [26].

The model was enhanced by incorporating LSTM networks, a time series RNN. The LSTM component learned picture sequence temporal correlations for ”short-term memory” for precise categorization. Our hybrid CNN-LSTM model per- formed well in tough testing. CNN-LSTM models beat classic machine learning classifiers in recall, accuracy, precision, and F1 score. The model’s 93.41 percent test set accuracy helps diagnose skin cancer. This study has intriguing dermatological implications. Machine learning was shown to be versatile by using brain tumour detection algorithms for skin cancer diagnosis. Dermatologists can detect skin cancer early and accurately using our CNN-LSTM model, improving patient outcomes.

CONCLUSION

In summary, this study advances the discipline of ana- lyzing medical images by demonstrating how deep-learning architectures are successfully used in skin cancer detection. With the suggested CNN-LSTM model, there are now more opportunities to apply cutting-edge machine learning methods to difficult medical problems, improving the area of skin cancer diagnosis and enhancing patient care results. Further study in this field has the potential to transform dermatology and open the door to early and precise skin cancer detection, an essential first step in improving patient treatment and saving lives.

REFERENCES

  1. Khan Md Hasib, Md Sadiq Iqbal, Faisal Muhammad Shah, Jubayer Al Mahmud, Mahmudul Hasan Popel, Md Imran Hossain Showrov, Shakil Ahmed, and Obaidur Rahman. A survey of methods for managing the classification and solution of data imbalance problem. arXiv preprint arXiv:2012.11870,
  2. Md Mahbubur Rahman, Mostofa Kamal Nasir, A Nur, Saikat Islam Khan, Shahab Band, Iman Dehzangi, Amin Beheshti, Hamid Alinejad Rokny, et Hybrid feature fusion and machine learning approaches for melanoma skin cancer detection. 2022.
  3. Khan Md Hasib, Md Rafiqul Islam, Shadman Sakib, Md Ali Akbar, Imran Razzak, and Mohammad Shafiul Alam. Depression detection from social networks data based on machine learning and deep learning techniques: An interrogative survey. IEEE Transactions on Computa- tional Social Systems,2023.
  4. Khalil Aljohani and Turki Turki. Automatic classification of melanoma skin cancer with deep convolutional neural networks. Ai, 3(2):512–525,2022
  5. SRIDEEP DAS. COMPARATIVE ANALYSIS OF DEEP LEARNING AND MACHINE LEARNING APPROACHES FOR AUTOMATED SKIN CANCER DETECTION. PhD thesis, 2023
  6. Khan Md Hasib, Sami Azam, Asif Karim, Ahmed Al Marouf, F M Javed Mehedi Shamrat, Sidratul Montaha, Kheng Cher Yeo, Mirjam Jonkman, Reda Alhajj, and Jon G. Rokne. Mcnn-lstm: Combining cnn and lstm to classify multi-class text in imbalanced news data. IEEE Access, 11:93048–93063,
  7. Terrance DeVries and Dhanesh Skin lesion classi- fication using deep multi-scale convolutional neural networks. arXiv preprint arXiv:1703.01402, 2017.
  8. Khan Md Hasib, Nurul Akter Towhid, Kazi Omar Faruk, Jubayer Al Mahmud, and MF Mridha. Strategies for enhancing the performance of news article classification in bangla: Handling imbalance and interpre- Engineering Applications of Artificial Intelligence, 125:106688, 2023.
  9. Lei Bi, Jinman Kim, Euijoon Ahn, and Dagan Feng. Automatic skin lesion analysis using large-scale dermoscopy images and deep residual arXiv preprint arXiv:1703.04197, 2017.
  10. Ashwini Kodipalli, Srirupa Guha, Santosh Dasar, and Taha Ismail. An inception-resnet deep learning approach to classify tumours in the ovary as benign and Expert Systems, page e13215, 2022.
  11. Azhar Imran, Arslan Nasir, Muhammad Bilal, Guangmin Sun, Abdulka- reem Alzahrani, and Abdullah Almuhaimeed. Skin cancer detection using combined decision of deep learners. IEEE Access, 10:118198– 118212,2022.
  12. Khan Md Hasib, Anika Tanzim, Jungpil Shin, Kazi Omar Faruk, Jubayer Al Mahmud, and MF Mridha. Bmnet-5: A novel approach of neural network to classify the genre of bengali music based on audio features. IEEE Access, 10:108545–108563,2023.
  13. Mohammad Fraiwan and Esraa On the automatic detection and classification of skin cancer using deep transfer learning. Sensors, 22(13):4963, 2022.
  14. Neel Kanwal, Roger Amundsen, Helga Hardardottir, Emiel AM Janssen, and Kjersti Detection and localization of melanoma skin cancer in histopathological whole slide images. arXiv preprint arXiv:2302.03014, 2023.
  15. Khan Md Hasib, Nurul Akter Towhid, and Md Rafiqul Hsdlm: a hybrid sampling with deep learning method for imbalanced data clas- sification. International Journal of Cloud Applications and Computing (IJCAC), 11(4):1–13, 2021.
  16. Jubayer Al Mahmud, Bandhan Chandra Das, Jungpil Shin, Khan Md Hasib, Rifat Sadik, and MF 3d gesture recognition and adaptation for human–robot interaction. IEEE Access, 10:116485– 116513, 2022.
  17. Fahad Bin Mohammad Hossain, Md Asfakur Rahat, Jishan Ahmed Rabbi, Md Rony Ali, Nazmur Raihan, Jubayer Al Mahmud, Md Raisul Alam, and Md Saifur A hybrid neural network model for brain tumor detection in brain mri images. In 2022 IEEE 13th Annual Information Technology, Electronics and Mobile Communication Conference (IEMCON), pages 0268–0274. IEEE, 2022.
  18. Alavikunhu Panthakkan, SM Anzar, Sangeetha Jamal, and Wathiq Concatenated xception-resnet50—a novel hybrid approach for accurate skin cancer prediction. Computers in Biology and Medicine, 150:106170, 2022.
  19. Marriam Nawaz, Zahid Mehmood, Tahira Nazir, Rizwan Ali Naqvi, Amjad Rehman, Munwar Iqbal, and Tanzila Saba. Skin cancer detection from dermoscopic images using deep learning and fuzzy k-means Microscopy research and technique, 85(1):339–351, 2022.
  20. Hardik Nahata and Satya P Singh. Deep learning solutions for skin cancer detection and diagnosis. Machine Learning with Health Care Perspective: Machine Learning and Healthcare, pages 159–182,2020.
  21. Soumyya Kanti Datta, Mohammad Abuzar Shaikh, Sargur N Srihari, and Mingchen Gao. Soft attention improves skin cancer classification In Interpretability of Machine Intelligence in Medical Image Computing, and Topological Data Analysis and Its Applications for Medical Data: 4th International Workshop, iMIMIC 2021, and 1st International Workshop, TDA4MedicalData 2021, Held in Conjunction with MICCAI 2021, Strasbourg, France, September 27, 2021, Proceed- ings 4, pages 13–23. Springer, 2021.
  22. Nevin S¸ ehbal Soyuslu, Yasin Durusoy, and Mirac¸ Serhan Ku¨c¸u¨ko¨ner. A new approach to skin lesion classification with entransfer cnn. In 2021 Innovations in Intelligent Systems and Applications Conference (ASYU), pages 1–6. IEEE, 2021.
  23. Ahmed H Shahin, Ahmed Kamal, and Mustafa A Deep ensemble learning for skin lesion classification from dermoscopic images. In 2018 9th Cairo International Biomedical Engineering Conference (CIBEC), pages 150–153. IEEE, 2018.
  24. B Arivuselvam et al. Skin cancer detection and classification using svm Turkish Journal of Computer and Mathematics Education (TURCOMAT), 12(13):1863–1871, 2021.
  25. Saket S Chaturvedi, Jitendra V Tembhurne, and Tausif Diwan. A multi- class skin cancer classification using deep convolutional neural Multimedia Tools and Applications, 79(39-40):28477–28498, 2020.
  26. Md Shahin Ali, Md Sipon Miah, Jahurul Haque, Md Mahbubur Rahman, and Md Khairul Islam. An enhanced technique of skin cancer classi- fication using deep convolutional neural network with transfer learning Machine Learning with Applications, 5:100036, 2021.

Article Statistics

Track views and downloads to measure the impact and reach of your article.

5

PDF Downloads

118 views

Metrics

PlumX

Altmetrics

Paper Submission Deadline

GET OUR MONTHLY NEWSLETTER

Subscribe to Our Newsletter

Sign up for our newsletter, to get updates regarding the Call for Paper, Papers & Research.

    Subscribe to Our Newsletter

    Sign up for our newsletter, to get updates regarding the Call for Paper, Papers & Research.