Download as pptx, pdf, or txt
Download as pptx, pdf, or txt
You are on page 1of 13

DeepSkin: A Deep Learning

Approach for Skin Cancer


Classification

Submitted by:
SANDRA B S
LMC22MCA2030
INTRODUCTION
 Skin cancer is one of the most rapidly spreading illnesses in
the world and because of the limited resources available.
Early detection of skin cancer is crucial accurate diagnosis of
skin cancer identification for preventive approach in general.
 Detecting skin cancer at an early stage is challenging for
dermatologists, as well in recent years, both supervised and
unsupervised learning tasks have made extensive use of deep
learning.
 One of these models, Convolutional Neural Networks
(CNN), has surpassed all others in object detection and
classification tests.
EXISTING SYSTEM
1. Review of Previous Methods: Provide an overview of existing approaches to skin cancer classification,
including traditional machine learning methods, shallow neural networks, and deep learning
architectures. Discuss the strengths and limitations of each approach.
2. Datasets Used: Describe the datasets that have been commonly used in previous studies for training and
evaluating skin cancer classification models. This might include publicly available datasets such as ISIC
(International Skin Imaging Collaboration), HAM10000, or other proprietary datasets.
3. Deep Learning Architectures: Summarize the deep learning architectures that have been applied to skin
cancer classification tasks, including CNNs (Convolutional Neural Networks), RNNs (Recurrent Neural
Networks), and hybrid models. Discuss how these architectures have been adapted or modified for skin
cancer classification.
4. Preprocessing Techniques: Discuss preprocessing steps applied to input images, such as resizing,
normalization, augmentation, and color space transformations. Explain how these preprocessing
techniques aim to improve model performance and generalization.
5. Evaluation Metrics: Describe the evaluation metrics commonly used to assess the performance of skin
cancer classification models, such as accuracy, sensitivity, specificity, F1 score, and area under the
receiver operating characteristic curve (AUC-ROC). Compare the performance of different models based
on these metrics.
6. Limitations and Challenges: Identify the limitations and challenges of existing approaches, such as
overfitting, limited generalization to diverse skin types and conditions, dataset biases, and computational
resource requirements.
PROPOSED SYSTEM
Utilizing a CNN (Convolutional Neural Network) for skin cancer classification is a common and effective approach due to its
ability to automatically learn hierarchical features from image data. Here's a potential outline for a proposed system using CNNs
for this purpose:
Data Collection and Preprocessing:
Gather a large dataset of skin lesion images with corresponding labels indicating the type of skin cancer or lesion present.
Preprocess the images to standardize size, normalize pixel values, and potentially apply augmentation techniques to increase dataset diversity and
robustness.
Model Architecture:
Design a CNN architecture suitable for skin cancer classification. This could involve a series of convolutional layers followed by pooling layers
for feature extraction, followed by fully connected layers for classification.
Experiment with different architectures, considering factors like depth, width, and specific layer types (e.g., convolutional, pooling, dropout) to
optimize performance.
Training:
Split the dataset into training, validation, and test sets.
Train the CNN model on the training set using appropriate optimization algorithms (e.g., Adam, RMSprop) and loss functions (e.g., categorical
cross-entropy).
Monitor performance on the validation set to avoid overfitting, adjusting hyperparameters (e.g., learning rate, batch size) as needed.
Evaluation:
Evaluate the trained model on the test set to assess its generalization performance.
Calculate various evaluation metrics such as accuracy, precision, recall, F1 score, and ROC curve analysis to quantify classification performance.
Compare the results with existing approaches to demonstrate the effectiveness of the proposed CNN-based system.
Deployment and Integration:
Once satisfied with performance, deploy the trained CNN model for real-world use, integrating it into clinical workflows or diagnostic systems
where applicable.
Continuously monitor and update the model as new data becomes available or as improvements are made.
WORKING
 The dataset is screened from MNIST: HAM10000 which consists
of seven different types of skin lesions with the sample size of
10015 is used for the experimentation.
 The data pre-processing techniques like sampling, dull razor
and segmentation using autoencoder and decoder is employed.
 Transfer learning techniques like DenseNet169 and Resnet 50
were used to train the model to obtain the results.Detecting
skin cancer at an early stage is challenging for dermatologists.
 With the extensive use of deep learning pro-
 cedures helps to classify the seven types of skin cancer images.
 Deep learning methods like Convo-lutional Neural Networks
(CNN), has surpassed all others in object detection and
classification tests.
ALGORITHM
 ResNet50
 ResNet-50 is a deep convolutional neural network architecture that
was introduced in 2015 as part of the ResNet (Residual Network)
family of models. ResNet-50 is specifically designed for image
classification tasks and has been widely used in various computer
vision applications, including object recognition, image
segmentation, and medical image analysis.
 ResNet-50 is a 50-layer convolutional neural network (48
convolutional layers, one MaxPool layer, and one average pool layer).
Residual neural networks are a type of artificial neural network (ANN)
that forms networks by stacking residual blocks.
 The 50-layer ResNet uses a bottleneck design for the building block.
A bottleneck residual block uses 1×1 convolutions, known as a
“bottleneck”, which reduces the number of parameters and matrix
multiplications. This enables much faster training of each layer. It
uses a stack of three layers rather than two layers.
TOOLS

 Operating System: Windows 11


 Platform: Google collab
 Language: Python 3.11
 Framework: React
 Backend: Firebase
 IDE: VS Code
 Libraries Used: Numpy, Flask, Pandas, Keras
DFD
 LEVEL 0
 LEVEL 1
DATABASE DESIGN
 LOGIN TABLE
SCREENSHOTS
THANK YOU

You might also like