Skin cancer is now regarded as one of the most dangerous types of cancer seen in humans. Clinical screening is followed by dermoscopic analysis and histological testing in the diagnosis of melanoma. Melanoma is a type of skin cancer that is highly treatable if caught early. Effective segmentation of skin lesions in dermoscopy pictures can increase skin disease categorization accuracy, giving dermatologists a powerful tool for studying pigmented skin lesions. The goal of the research is to create an automated classification system for skin cancer utilising photos of skin lesions that is based on image processing techniques. Deep Learning models embed different neural networks, such as Convolutional Neural Networks (CNN), which are well-known for capturing spatial and temporal correlations. with the use of appropriate filters in an image Individual transformational aspects that are limited by the data augmentation procedure derive useful and particular data for training the algorithm to make attractive predictions.
Introduction
I. INTRODUCTION
Melanoma is the least frequent type of skin cancer, but it is the most deadly, accounting for 75 percent of all deaths. Although this is a less common type of skin cancer, it can swiftly spread to other places of the body if not detected early. Perusing the statistical data provided by the World Health Organization, 13.1 million sufferers of melanoma can be seen by the end of 2030. The primary cause of melanoma, as per the World Cancer Report, is ultraviolet light exposure in those with a low degree of skin pigment. UV rays can come via solar rays or just about any source, and moles account for about 25% of malignant moles.
The furious advancement in the fields of image processing and classification availed to adopt the new tools and technologies to bring the CNN process into medical diagnosing domains. The underlying neural network expands from the input to the output layer with the vision of mapping the functions to the expected layer with a bit of tuning to network parameters and a goal to attain maximum accuracy. CNN possesses standardized layers. The initial layer accounts for the data collected by dermatologists and accepts it as input. Further, the information is grouped and transported to the pooling layer. The pooling layer performs the structurization of the data based on max and min pool functionalities. The smoothing process includes the straightening of the layer which converts the available information into a One-Dimensional vector. Class conversion happens in a thick layer where the information is biased into benign and malignant. The process depicts the automated way of analyzing skin cancer and classifies it as benign or malignant melanoma. We solve the challenge by creating deep learning-based image classification models for skin cancer detection without any prior programming experience.
A. Objectives
Redistribution of collected datasets based on the seven types of skin cancers.
Feature extraction involved in Image processing follows the ABCDE motto of skin cancer synthesis.
Data pre-processing involves the statistical methodologies to train the model in an efficient manner.
Deploying the rethinking models to maximize the scaling and efficient use of resources as well as to increase the predictability of the software.
B. Deep Learning
Deep Learning methodology imitates the human brain accordingly with the aid of entities like data inputs, weights, and bias, which drive the accuracy and assist in recognition and classification of objects residing in the data. To refine the optimization and prediction, the deep learning network works with the nodes that are interconnected to form multiple layers. Acyclic formation of nodes that depicts the Forward propagation analogy. The visible layer constitutes the initial input and final output layers that enable the user to observe the variables. The input layer engulfs the required data for processing, whereas the output layer performs the prediction and classification of the processed data.
Backpropagation is an algorithm-driven process that trains the model using a gradient of loss function and errors are calculated whilst the prediction. Traversing backwards through the layers it will reduce the redundancy.
To increase the accuracy of the algorithm and to avoid the errors during prediction process of a neural network, both forward and backward propagation methodologies are adopted.
C. Application of CNN in Image processing Domain
The neurons housed in our brains are the motivation to build these Artificial Neural Networks. The generally used feed-forward neural network for image classification is slightly modified with the involvement of CNN. Translational invariance can only be defined under CNN where it detects the objects in their distinct shapes, which gives a trump card for CNN over the feed-forward neural network. According to Layman, the feed-forward neural network’s conventional approach attempts to find the details of the object if it lies at the center of the image. It would fail if the object lies off the center or if any slight positional changes would distract the network to detect the object. This leads to an inconvenient way of processing the data.
D. Classification Of Skin Lesions Using CNN
In the epoch, the comparative conclusion between the human and machine, the triumph of the machine is praisable. The dermatologists account for more time-consuming than the deep learning model.
The two distinct ways followed by CNN to conclude the classification process.
Feature Extraction of Images: To attain better results it converts the raw data into numerical one without disturbing the originality.
Model Deployed will perform the classification: End-to-end processing of the skin lesion images to extract the results and classify them into 7 classes of skin cancer.
This process requires a model that is pre-trained (where the large set of images are fed to the model for the qualified output or to increase the learning capability) or it must be built from scratch which doesn’t seem to be feasible.
Transferred Learning deals with the same methodology where the results gained while solving a problem are applied to the other.
E. Datasets
Human Against Machine (HAM 10000)
Comparison between the accuracy of human observed results and the convoluted artificial networks. The revolution in AI makes CNN decide almost like the humans. In our approach, the clinical images were collected without a dermatoscopic diagnosis to check the accuracy of the model. The challenge of collecting diverse images to train neural networks is tackled by HAM which includes the images of skin lesions from the diverse population and stored by different modalities. Further semi-automated workflows are developed to deal with the datasets like cleaning and acquisition. The credits go to ISIC, which gives the dataset for the academic research in machine learning which constitutes 10015 images. Provided the benchmark to achieve the decisional capability of humans, the diagnosis has to qualify the accuracy compared to dermatoscopic results with human intervention.
II. WORKING OF MODEL
A. Classification of the Dataset
Displaying the datasets according to the classified index as distinct “7types of skin cancer”.
Melanocytic nevi (nv)
Benign keratosis-like lesions (bkl)
Melanoma (mel)
Basal cell carcinoma (bcc)
Actinic keratoses (akiec)
Vascular lesions (vas)
Dermatofibroma (df)
B. Resizing the Dataset
Data Augmentation
There is a need to generate new data points from the collected one and the techniques to do the same with the aid of deep learning model are defined under data augmentation process.
The property called invariance which is defined under the convolutional neural network helps to classify the objects in different orientations quickly as possible.
The importance of data augmentation can be seen while working with a dataset that has a limited set of conditions. The process evolves the dataset with a myriad variety such as measurements of pixels, positioning, tuning of the images, etc.
2. CNN Model
The Convolutional Neural Networks deal with the processing techniques in a distinct way. It includes 3 layers. i.e, Input, Output and Hidden layers
In this model, we first implement new feature extractor or kernels to the source image to produce the first two convolved layers, then we apply Max Pooling to gain the max pooled layer, then we obtain the next layers in the same manner, and ultimately we acquire the Flatten layer using Flatten (). The completely linked layers (hidden layers) are then added, culminating in a 7-neuron output layer.
C. Performance Evaluation
Validation loss and Validation Accuracy Graph
A machine learning algorithm is optimised using a loss function. The loss is calculated using training and validation data, and its meaning is determined by how well the model performs in these two sets. It's the total number of errors committed in each training or validation set for each example. The loss value indicates how well or poorly a model performs after each optimization iteration. An accuracy metric is used to interpretably measure the algorithm's performance. The accuracy of a model is usually calculated as a percentage after the model parameters have been defined. It's a metric for how close your model's forecast is to the actual data.
2. Confusion Matrix
A confusion matrix is a table that shows how many correct and incorrect predictions a classifier made. It's a metric for evaluating a classification model's performance. It can be used to calculate performance metrics like accuracy, precision, recall, and F1-score to evaluate the performance of a classification model.
Conclusion
The depicted model concludes whether the given dataset is melanoma or not. Further with 78% of accuracy it will provide assistance in diagnosis domain. It aims in developing a user friendly GUI which helps the clients to obtain the results in fraction of second. The robustness of the model is enhanced over the time.
References
[1] Xie F., Fan H., Li Y., Jiang Z., Meng R., Bovik A. Melanoma Classification on Dermoscopy Images Using a Neural Network Ensemble Model. IEEE Trans. Med. Imaging. 2017;36:849–858. DOI: 10.1109/TMI.2016.2633551. [PubMed] [CrossRef] [Google Scholar]
[2] G.P. Guy, C.C. Thomas, T. Thompson, M. Watson, G.M. Massetti, L.C. Richardson, Vital signs: melanoma incidence and mortality trends and projections—United States, 1982–2030. Morb. Mortal. Wkly. Rep. (2015)
[3] “World Cancer Research Fund - Skin Cancer Statistics,” 2018. [Online]. Available: https:// www.wcrf.org/dietandcancer/cancer-trends/skin-cancer-statistics. Accessed: 28-Oct-2019
[4] American Cancer Society, “Cancer Facts and Figures 2019.” [Online]. Available: https://www. cancer.org/content/dam/cancer-org/research/cancer-facts-and-statistics/annual-cancer-factsand-figures/2019/cancer-facts-and-figures-2019.pdf. Accessed: 29-Oct-2019
[5] K. Kourou, T.P. Exarchos, K.P. Exarchos, M.V. Karamouzis, D.I. Fotiadis, Machine learning applications in cancer prognosis and predictio. Comput. Struct. Biotechnol. J. (2015)
[6] Step wise Approach: CNN Model. (2019, July, 20) [Online]. Available: https://www.kaggle.com/sid321axn/step-wise-approach-cnn-model-77-0 344-accuracy
[7] ISIC 2018: Skin Lesion Analysis Towards Melanoma Detection. (2019, July, 25) [Online]. Available: https://challenge2018.isic-archive.com/
[8] Skin Cancer MNIST: HAM10000. (2019, July, 27)[Online].Available:https://www.kaggle.com/kmader/skin-cancer-mnist-ham10000
[9] Z. Gao et al., HEp-2 cell image classification with deep convolutional neural networks. IEEE J. Biomed. Health Inf. 21(2), 416–428 (2016)
[10] B. Harangi, Skin lesion classification with ensembles of deep convolutional neural networks. J. Biomed. Inform. 86, 25–32 (2018)