SlideShare a Scribd company logo
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
SKIN CANCER DETECTION USING
DEEPLEARNING
BY
_________________
Prasant Poudel 1BH19CS069
Sanjay Malla 1BH19CS094
Snehal Karki 1BH19CS103
Jitendra Kohar 1BH19CS034
VTU FINAL YEAR PROJECT
Under the Guidance of
Mrs.Manjula Devi P
(Assistant Prof.)
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
ABSTRACT
Skin cancer is a major public health concern, and early detection is key to improving patient outcomes. In this
project, we propose to develop a deep learning-based system for the detection of skin cancer. The system will
be trained on a large dataset of images of skin lesions, and will use convolutional neural networks (CNNs) to
classify images as benign or malignant. The system will be evaluated on a test dataset and compared to the
performance of human experts. We expect that the deep learning system will be able to achieve higher levels
of accuracy, speed, and efficiency than current methods, and will have the potential to improve access to skin
cancer diagnosis in resource-limited settings. Overall, the goal of this project is to contribute to the early
detection and treatment of skin cancer, and to improve patient outcomes.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
INTRODUCTION
Skin cancer is the most common type of cancer worldwide, and early detection is crucial for effective treatment.
Deep learning, a subset of machine learning, has shown great promise in the field of medical image analysis,
including skin cancer detection.
Deep learning models use large amounts of data to learn patterns and make predictions, and have been trained on
extensive datasets of skin images to identify potential skin lesions that could be cancerous. These models have been
shown to achieve high accuracy in identifying skin cancer, often outperforming human experts.
There are different types of skin cancer, including melanoma, basal cell carcinoma, and squamous cell carcinoma.
Each type of cancer presents differently on the skin, and deep learning models can be trained to identify specific
characteristics of each type. For example, melanomas often have irregular borders, varied coloration, and an
asymmetrical shape, while basal cell carcinomas often have a pearly or translucent appearance and a rolled edge.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
We are focusing on the category only..
bkl=Benign keratosis (solar lentigo / seborrheic keratosis / lichen planus-like keratosis)
nv=Melanocytic nevus
df=Dermatofibroma
mel=Melanoma
vasc=Vascular lesion
bcc=Basal cell carcinoma
akiec=Actinic keratosis
7 classes of skin cancer
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
Title Author Year Summary Drawback
Skin Cancer
Detection Using
Combine
Decision of
Deep Learner
Azhar Imran, Arslan
Nasir, Muhammad
Bilal,Guangmin
Sun,Abdulkareem
Alzahrani And
Abdullah Almuhaimeed
2022 The proposed deep learning-based
ensemble approach is developed in
two stages. In the first stage, three
deep learning models of VGG,
CapsNet, and ResNet have been
developed using malignant and
benign images obtained from the
International Skin Imaging
Collaboration (ISIC) skin cancer
images repository. In the second
stage, the findings of deep learners
have been combined using majority
weighting. The accuracy of the model
is 95%.
The model was train
for only binary
classification which
is either cancer or
not a cancer output.
And the number of
image which is used
is less.
LITERATURE SURVEY
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
Title Author Year Summary Drawback
Automatic Skin
Cancer Detection in
Dermoscopy Images
Based on Ensemble
Lightweight Deep
Learning Network
Lisheng WeiI, Kun Ding
And Huosheng
Hu
2020 In this paper, they proposed an
efficient and lightweight melanoma
classification network based on
MobileNet, DenseNet-121. The
proposed dermoscopy image lesion
recognition method includes three
steps: image preprocessing, model
construction and model training, and
model fusion.
They train the model
on ISIC 2016 which is
older dataset and that
contain 900 image
only. And as a input
pair of positive and
negative data is
should be given.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
Title Author Year Summary Drawback
A Deep Learning
Approach Based on
Explainable Artificial
Intelligence for Skin
Lesion Classification
Muhammad
Umar,Natasha
Nigar,Muhammad
Kashif
Shahzad,Shahid
Islam And Douhadji
Abalo
2022 Resnet-18 transfer learning
algorithm is used for this model.
The dataset ISIC 1019 was used for
training the model. Total 8 classes
was classified.
The hyperparameter that is set for
the training the model was:
They doesn’t use large
and different type of
dataset. They have
tried the only pretrain
model.The resizing of
image was done in
small patch which
could affect the
classifier performance.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
TRADITIONAL TECHNOLOGY
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
EXISTING SYSTEM
1. DeepSkin: DeepSkin is a deep learning model that has been trained on a large dataset of skin images to classify
skin lesions as either benign or malignant. The model uses a convolutional neural network (CNN) to extract
features from the images and has achieved high accuracy in identifying skin cancer, with an area under the curve
(AUC) of 0.94.
2. ISIC (International Skin Imaging Collaboration) Archive: The ISIC Archive is a public database of skin images
that has been annotated by dermatologists. Researchers can use this database to train deep learning models for
skin cancer detection. The database includes images of different types of skin lesions, such as melanoma, basal
cell carcinoma, and squamous cell carcinoma.
3. SkinLesionClassifier: SkinLesionClassifier is a deep learning model that has been trained on a dataset of skin
images to classify skin lesions as benign, malignant, or unclassified. The model uses a CNN to extract features
from the images and has achieved high accuracy in identifying skin cancer, with an AUC of 0.91.
4. DeepSquint: DeepSquint is a deep learning model that has been developed to detect skin cancer using
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
PROPOSED SYSTEM
● In the purpose system dataset are the combination from HAM1000,,ISIC dataset present in the kaggle
website.
● The system is divided into three phase where first two is training and testing and third one is for
implementing the GUI part.
● First step is to gather the dataset from from different website.
● The dataset will be divided into 80-10-10% of training ,testing and validation purpose.
● All the dataset are of image data which are of different and different variant of cancer classes.
● Preprocessing of image is necessary for improvement of model, preprocessing include:
■ Collection of the dataset
■ Resizing the image to 224*224*3 shape
■ Formating the image to the respective classes folder
● For the training of model we are using tensorflow keras library for Deep Learning and Sklearn for
Machine learning.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
● Also another option is to use Transfer Learning models which are Alex Net, VGG-16, VGG-19, Inception.
● The architecture will be as below:
Basic Architecture
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
PURPOSE MODEL
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
WORK FLOW DIAGRAM
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
● For the implementation part which will contain two approach which are website and mobile
application.
● For the website, the website develop react will be use having the interactive UI and animated front
end.
● For the collection of new dataset from user and user info store purpose MongoDB database will be
used.
● The website will contain basic user info form and they can login through their Email address.
● The user need to upload the image on image Section which will give the result of either cancer or
non cancer.
● If cancer is detected the what type of cancer it is. The classes of cancer data is 7.
REAL TIME IMPLEMENTATION
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
MODULES
1. Data Collection
2. Image Preprocessing
3. Dataset Split for training and testing
4. Training the model
5. Model Evaluation
6. Front End development
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
Data has been collected from publicly available dataset from Kaggle website which contain multiple type of
data.
From the website we have downloaded ISIC2019 and Ham10000 dataset. Which contains the image of 30k
of 7 different classes of cancer with the metadata containing image_id ,label,age,gender,lesion location are
available.
By combing the both dataset we got imbalance
Data where some of classes contain 10k and some of classes contain only 250 so we have to balance the
image in every classes for better accuracy.
ISIC2019 https://www.kaggle.com/datasets/salviohexia/isic-2019-skin-lesion-images-for-classification
HAM10000 https://www.kaggle.com/datasets/kmader/skin-cancer-mnist-ham10000
1.Data Collection
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
2.Image Preprocessing
Image preprocessing refers to the steps taken to prepare an image for further analysis or processing. Here are some
general steps for image preprocessing
1. Image Resizing: The image present in dataset in the resolution of 1024*1024*3 so we have converted it to
246*246*3.
2. Image Classification: We classify the image using the metadata csv file to the respective label directory.
3. Image Augmentation: Some of the classes doesn’t have sufficient image so using the data augmentation
additional image was generated.
4. Image Enhancement: Enhancing an image involves improving the visual quality of an image by adjusting
various parameters like contrast, brightness, and sharpness. This can be done using various enhancement
techniques like histogram equalization or contrast stretching.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
Dataset split is an important step in machine learning, where a dataset is divided into subsets for training, validatio
and testing. The purpose of this is to evaluate the performance of a machine learning model and prevent overfitting.
The typical split ratio is 80:10:10, where 80% of the data is used for training, 10% for validation, and 10% for testing.
1. Training Set: The training set is used to train the model, i.e., the model is fit to this data by updating the mod
parameters using an optimization algorithm. The model learns the underlying patterns and relationships in t
training data.
2. Validation Set: The validation set is used to evaluate the performance of the model during the training phase. It
used to tune the hyperparameters of the model, such as the learning rate, regularization parameter, or the numb
of hidden layers. The model is not trained on this data; instead, it is used to estimate the generalization error
the model.
3. Testing Set: The testing set is used to evaluate the final performance of the model after the training and validati
phases. It is used to estimate the accuracy of the model in making predictions on unseen data.
3. Dataset Spliting
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
4. Model Training
There are several deep learning architectures that can be used for image-based skin cancer
detection, such as VGG, ResNet, and Inception. The choice of architecture depends on the size of the
dataset, the computational resources available, and the performance of the model on the validation
set.
The deep learning model is trained on the training set using an optimizer such as stochastic gradient
descent (SGD) or Adam. The loss function used for training depends on the classification problem,
but typically involves minimizing the cross-entropy loss between the predicted and true labels.
Hyperparameters such as the learning rate, batch size, and number of epochs need to be tuned to
optimize the performance of the model on the validation set.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
5.Model Evaluation
Performance Metrics: The next step is to choose appropriate performance metrics. The metrics
selected should be relevant to the problem being solved and should provide meaningful insights into
the model's performance. In the case of a skin cancer detection system, the following metrics can be
used:
● Accuracy: This metric measures the percentage of correctly predicted skin cancer cases out of
all the cases.
● Precision: Precision is the fraction of true positive cases among all the positive predictions.
● Recall: Recall is the fraction of true positive cases among all the actual positive cases.
● F1 Score: The F1 score is the harmonic mean of precision and recall.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
SNAPSHOT
Image Preprocessing:
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
Data Augmentation:
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
Imbalance Dataset
Balance Dataset
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
Model Evaluation
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
OBJECTIVE
The objective of a skin cancer detection project using deep learning would be to develop a system that can
accurately and efficiently identify skin cancers, such as melanoma, basal cell carcinoma, and squamous cell
carcinoma. This could be achieved by training a deep learning model on a large dataset of images of skin
lesions, and then using the model to classify new images.
There are several potential benefits to such a system. First, it could help to improve the accuracy of skin
cancer diagnosis, as deep learning models can often achieve higher levels of accuracy than human experts.
Second, it could reduce the time and cost of diagnosis, as the system can analyze images quickly and
without the need for a human expert to review them. Finally, the system could help to increase access to
skin cancer diagnosis, especially in areas where there is a shortage of trained dermatologists.
Overall, the main goal of a skin cancer detection project using deep learning would be to improve the early
detection and treatment of skin cancer, which can help to improve patient outcomes and save lives.
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering
THANK YOU
BANGALORE TECHNOLOGICAL INSTITUTE
Department of Computer Science & Engineering

More Related Content

PPTX
Image classification using CNN
PPTX
Image classification with Deep Neural Networks
PDF
Medical image analysis
PDF
Transfer Learning -- The Next Frontier for Machine Learning
PPT
Machine Learning
PPTX
brain tumor ppt.pptx
PPTX
Brain tumor detection using convolutional neural network
PPT
Medical Image Analysis and Its Application
Image classification using CNN
Image classification with Deep Neural Networks
Medical image analysis
Transfer Learning -- The Next Frontier for Machine Learning
Machine Learning
brain tumor ppt.pptx
Brain tumor detection using convolutional neural network
Medical Image Analysis and Its Application

What's hot (20)

PPTX
Application of-image-segmentation-in-brain-tumor-detection
PPT
Machine Learning presentation.
PPTX
Image Segmentation Using Deep Learning : A survey
PDF
Mask R-CNN
PPTX
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
PPTX
Deep learning presentation
PPTX
Transfer Learning and Fine-tuning Deep Neural Networks
PDF
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
PPTX
Vehicle counting for traffic management
PPTX
Brain tumor detection using image segmentation ppt
PPT
Tumour detection
PPTX
Artifical Neural Network and its applications
PPTX
Prospects of Deep Learning in Medical Imaging
PPTX
Facial Expression Recognition System using Deep Convolutional Neural Networks.
PPTX
Computer vision
PDF
Feature Extraction
PDF
Content Based Image Retrieval
PPTX
Multilayer perceptron
PPTX
Face detection presentation slide
PPTX
BRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSING
Application of-image-segmentation-in-brain-tumor-detection
Machine Learning presentation.
Image Segmentation Using Deep Learning : A survey
Mask R-CNN
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
Deep learning presentation
Transfer Learning and Fine-tuning Deep Neural Networks
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
Vehicle counting for traffic management
Brain tumor detection using image segmentation ppt
Tumour detection
Artifical Neural Network and its applications
Prospects of Deep Learning in Medical Imaging
Facial Expression Recognition System using Deep Convolutional Neural Networks.
Computer vision
Feature Extraction
Content Based Image Retrieval
Multilayer perceptron
Face detection presentation slide
BRAIN TUMOR MRI IMAGE SEGMENTATION AND DETECTION IN IMAGE PROCESSING
Ad

Similar to 8th sem.pptx (20)

PDF
Deep Learning-Based Skin Lesion Detection and Classification: A Review
PDF
Melanoma Skin Cancer Detection using Deep Learning
PPTX
Major Project Internship Review-2 PPT Template-WS 23-24.pptx
PDF
Skin Cancer Detection Application
PDF
Early detection of breast cancer using mammography images and software engine...
PPTX
Brain Tumor Detection Using Deep Learning ppt new made.pptx
PDF
Skin Cancer Detection Mini Project With All the Details Attached!
DOCX
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
PDF
DETECTION OF DIFFERENT TYPES OF SKIN DISEASES USING RASPBERRY PI
PDF
DETECTION OF DIFFERENT TYPES OF SKIN DISEASES USING RASPBERRY PI
PDF
Glioblastomas brain tumour segmentation based on convolutional neural network...
PDF
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
PDF
IRJET - Classification of Cancer Images using Deep Learning
PDF
Deep learning for cancer tumor classification using transfer learning and fe...
PDF
Hybrid channel and spatial attention-UNet for skin lesion segmentation
PDF
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...
PDF
Master's Thesis
PPT
Animal detection using pre trained model for all usages
PDF
ENHANCE BRAIN TUMOR DETECTION BY USING CNN AND AI TECHNIQUE
PDF
Comparing the performance of linear regression versus deep learning on detect...
Deep Learning-Based Skin Lesion Detection and Classification: A Review
Melanoma Skin Cancer Detection using Deep Learning
Major Project Internship Review-2 PPT Template-WS 23-24.pptx
Skin Cancer Detection Application
Early detection of breast cancer using mammography images and software engine...
Brain Tumor Detection Using Deep Learning ppt new made.pptx
Skin Cancer Detection Mini Project With All the Details Attached!
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
DETECTION OF DIFFERENT TYPES OF SKIN DISEASES USING RASPBERRY PI
DETECTION OF DIFFERENT TYPES OF SKIN DISEASES USING RASPBERRY PI
Glioblastomas brain tumour segmentation based on convolutional neural network...
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
IRJET - Classification of Cancer Images using Deep Learning
Deep learning for cancer tumor classification using transfer learning and fe...
Hybrid channel and spatial attention-UNet for skin lesion segmentation
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...
Master's Thesis
Animal detection using pre trained model for all usages
ENHANCE BRAIN TUMOR DETECTION BY USING CNN AND AI TECHNIQUE
Comparing the performance of linear regression versus deep learning on detect...
Ad

Recently uploaded (20)

PPTX
24AI201_AI_Unit_4 (1).pptx Artificial intelligence
PPTX
MET 305 MODULE 1 KTU 2019 SCHEME 25.pptx
PDF
오픈소스 LLM, vLLM으로 Production까지 (Instruct.KR Summer Meetup, 2025)
PPTX
Lesson 3_Tessellation.pptx finite Mathematics
PDF
BRKDCN-2613.pdf Cisco AI DC NVIDIA presentation
PDF
Chad Ayach - A Versatile Aerospace Professional
PPTX
The-Looming-Shadow-How-AI-Poses-Dangers-to-Humanity.pptx
PPTX
Simulation of electric circuit laws using tinkercad.pptx
PDF
Monitoring Global Terrestrial Surface Water Height using Remote Sensing - ARS...
PDF
Traditional Exams vs Continuous Assessment in Boarding Schools.pdf
PPTX
Practice Questions on recent development part 1.pptx
PDF
Top 10 read articles In Managing Information Technology.pdf
PDF
dse_final_merit_2025_26 gtgfffffcjjjuuyy
PDF
MCAD-Guidelines. Modernization of command Area Development, Guideines
PDF
flutter Launcher Icons, Splash Screens & Fonts
PDF
July 2025: Top 10 Read Articles Advanced Information Technology
PDF
Introduction to Data Science: data science process
PDF
algorithms-16-00088-v2hghjjnjnhhhnnjhj.pdf
PPTX
Unit 5 BSP.pptxytrrftyyydfyujfttyczcgvcd
24AI201_AI_Unit_4 (1).pptx Artificial intelligence
MET 305 MODULE 1 KTU 2019 SCHEME 25.pptx
오픈소스 LLM, vLLM으로 Production까지 (Instruct.KR Summer Meetup, 2025)
Lesson 3_Tessellation.pptx finite Mathematics
BRKDCN-2613.pdf Cisco AI DC NVIDIA presentation
Chad Ayach - A Versatile Aerospace Professional
The-Looming-Shadow-How-AI-Poses-Dangers-to-Humanity.pptx
Simulation of electric circuit laws using tinkercad.pptx
Monitoring Global Terrestrial Surface Water Height using Remote Sensing - ARS...
Traditional Exams vs Continuous Assessment in Boarding Schools.pdf
Practice Questions on recent development part 1.pptx
Top 10 read articles In Managing Information Technology.pdf
dse_final_merit_2025_26 gtgfffffcjjjuuyy
MCAD-Guidelines. Modernization of command Area Development, Guideines
flutter Launcher Icons, Splash Screens & Fonts
July 2025: Top 10 Read Articles Advanced Information Technology
Introduction to Data Science: data science process
algorithms-16-00088-v2hghjjnjnhhhnnjhj.pdf
Unit 5 BSP.pptxytrrftyyydfyujfttyczcgvcd

8th sem.pptx

  • 1. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering SKIN CANCER DETECTION USING DEEPLEARNING BY _________________ Prasant Poudel 1BH19CS069 Sanjay Malla 1BH19CS094 Snehal Karki 1BH19CS103 Jitendra Kohar 1BH19CS034 VTU FINAL YEAR PROJECT Under the Guidance of Mrs.Manjula Devi P (Assistant Prof.)
  • 2. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering ABSTRACT Skin cancer is a major public health concern, and early detection is key to improving patient outcomes. In this project, we propose to develop a deep learning-based system for the detection of skin cancer. The system will be trained on a large dataset of images of skin lesions, and will use convolutional neural networks (CNNs) to classify images as benign or malignant. The system will be evaluated on a test dataset and compared to the performance of human experts. We expect that the deep learning system will be able to achieve higher levels of accuracy, speed, and efficiency than current methods, and will have the potential to improve access to skin cancer diagnosis in resource-limited settings. Overall, the goal of this project is to contribute to the early detection and treatment of skin cancer, and to improve patient outcomes.
  • 3. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering INTRODUCTION Skin cancer is the most common type of cancer worldwide, and early detection is crucial for effective treatment. Deep learning, a subset of machine learning, has shown great promise in the field of medical image analysis, including skin cancer detection. Deep learning models use large amounts of data to learn patterns and make predictions, and have been trained on extensive datasets of skin images to identify potential skin lesions that could be cancerous. These models have been shown to achieve high accuracy in identifying skin cancer, often outperforming human experts. There are different types of skin cancer, including melanoma, basal cell carcinoma, and squamous cell carcinoma. Each type of cancer presents differently on the skin, and deep learning models can be trained to identify specific characteristics of each type. For example, melanomas often have irregular borders, varied coloration, and an asymmetrical shape, while basal cell carcinomas often have a pearly or translucent appearance and a rolled edge.
  • 4. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering We are focusing on the category only.. bkl=Benign keratosis (solar lentigo / seborrheic keratosis / lichen planus-like keratosis) nv=Melanocytic nevus df=Dermatofibroma mel=Melanoma vasc=Vascular lesion bcc=Basal cell carcinoma akiec=Actinic keratosis 7 classes of skin cancer
  • 5. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering Title Author Year Summary Drawback Skin Cancer Detection Using Combine Decision of Deep Learner Azhar Imran, Arslan Nasir, Muhammad Bilal,Guangmin Sun,Abdulkareem Alzahrani And Abdullah Almuhaimeed 2022 The proposed deep learning-based ensemble approach is developed in two stages. In the first stage, three deep learning models of VGG, CapsNet, and ResNet have been developed using malignant and benign images obtained from the International Skin Imaging Collaboration (ISIC) skin cancer images repository. In the second stage, the findings of deep learners have been combined using majority weighting. The accuracy of the model is 95%. The model was train for only binary classification which is either cancer or not a cancer output. And the number of image which is used is less. LITERATURE SURVEY
  • 6. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering Title Author Year Summary Drawback Automatic Skin Cancer Detection in Dermoscopy Images Based on Ensemble Lightweight Deep Learning Network Lisheng WeiI, Kun Ding And Huosheng Hu 2020 In this paper, they proposed an efficient and lightweight melanoma classification network based on MobileNet, DenseNet-121. The proposed dermoscopy image lesion recognition method includes three steps: image preprocessing, model construction and model training, and model fusion. They train the model on ISIC 2016 which is older dataset and that contain 900 image only. And as a input pair of positive and negative data is should be given.
  • 7. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering Title Author Year Summary Drawback A Deep Learning Approach Based on Explainable Artificial Intelligence for Skin Lesion Classification Muhammad Umar,Natasha Nigar,Muhammad Kashif Shahzad,Shahid Islam And Douhadji Abalo 2022 Resnet-18 transfer learning algorithm is used for this model. The dataset ISIC 1019 was used for training the model. Total 8 classes was classified. The hyperparameter that is set for the training the model was: They doesn’t use large and different type of dataset. They have tried the only pretrain model.The resizing of image was done in small patch which could affect the classifier performance.
  • 8. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering TRADITIONAL TECHNOLOGY
  • 9. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering EXISTING SYSTEM 1. DeepSkin: DeepSkin is a deep learning model that has been trained on a large dataset of skin images to classify skin lesions as either benign or malignant. The model uses a convolutional neural network (CNN) to extract features from the images and has achieved high accuracy in identifying skin cancer, with an area under the curve (AUC) of 0.94. 2. ISIC (International Skin Imaging Collaboration) Archive: The ISIC Archive is a public database of skin images that has been annotated by dermatologists. Researchers can use this database to train deep learning models for skin cancer detection. The database includes images of different types of skin lesions, such as melanoma, basal cell carcinoma, and squamous cell carcinoma. 3. SkinLesionClassifier: SkinLesionClassifier is a deep learning model that has been trained on a dataset of skin images to classify skin lesions as benign, malignant, or unclassified. The model uses a CNN to extract features from the images and has achieved high accuracy in identifying skin cancer, with an AUC of 0.91. 4. DeepSquint: DeepSquint is a deep learning model that has been developed to detect skin cancer using
  • 10. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering PROPOSED SYSTEM ● In the purpose system dataset are the combination from HAM1000,,ISIC dataset present in the kaggle website. ● The system is divided into three phase where first two is training and testing and third one is for implementing the GUI part. ● First step is to gather the dataset from from different website. ● The dataset will be divided into 80-10-10% of training ,testing and validation purpose. ● All the dataset are of image data which are of different and different variant of cancer classes. ● Preprocessing of image is necessary for improvement of model, preprocessing include: ■ Collection of the dataset ■ Resizing the image to 224*224*3 shape ■ Formating the image to the respective classes folder ● For the training of model we are using tensorflow keras library for Deep Learning and Sklearn for Machine learning.
  • 11. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering ● Also another option is to use Transfer Learning models which are Alex Net, VGG-16, VGG-19, Inception. ● The architecture will be as below: Basic Architecture
  • 12. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering PURPOSE MODEL
  • 13. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering WORK FLOW DIAGRAM
  • 14. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering ● For the implementation part which will contain two approach which are website and mobile application. ● For the website, the website develop react will be use having the interactive UI and animated front end. ● For the collection of new dataset from user and user info store purpose MongoDB database will be used. ● The website will contain basic user info form and they can login through their Email address. ● The user need to upload the image on image Section which will give the result of either cancer or non cancer. ● If cancer is detected the what type of cancer it is. The classes of cancer data is 7. REAL TIME IMPLEMENTATION
  • 15. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering MODULES 1. Data Collection 2. Image Preprocessing 3. Dataset Split for training and testing 4. Training the model 5. Model Evaluation 6. Front End development
  • 16. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering Data has been collected from publicly available dataset from Kaggle website which contain multiple type of data. From the website we have downloaded ISIC2019 and Ham10000 dataset. Which contains the image of 30k of 7 different classes of cancer with the metadata containing image_id ,label,age,gender,lesion location are available. By combing the both dataset we got imbalance Data where some of classes contain 10k and some of classes contain only 250 so we have to balance the image in every classes for better accuracy. ISIC2019 https://www.kaggle.com/datasets/salviohexia/isic-2019-skin-lesion-images-for-classification HAM10000 https://www.kaggle.com/datasets/kmader/skin-cancer-mnist-ham10000 1.Data Collection
  • 17. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering 2.Image Preprocessing Image preprocessing refers to the steps taken to prepare an image for further analysis or processing. Here are some general steps for image preprocessing 1. Image Resizing: The image present in dataset in the resolution of 1024*1024*3 so we have converted it to 246*246*3. 2. Image Classification: We classify the image using the metadata csv file to the respective label directory. 3. Image Augmentation: Some of the classes doesn’t have sufficient image so using the data augmentation additional image was generated. 4. Image Enhancement: Enhancing an image involves improving the visual quality of an image by adjusting various parameters like contrast, brightness, and sharpness. This can be done using various enhancement techniques like histogram equalization or contrast stretching.
  • 18. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering Dataset split is an important step in machine learning, where a dataset is divided into subsets for training, validatio and testing. The purpose of this is to evaluate the performance of a machine learning model and prevent overfitting. The typical split ratio is 80:10:10, where 80% of the data is used for training, 10% for validation, and 10% for testing. 1. Training Set: The training set is used to train the model, i.e., the model is fit to this data by updating the mod parameters using an optimization algorithm. The model learns the underlying patterns and relationships in t training data. 2. Validation Set: The validation set is used to evaluate the performance of the model during the training phase. It used to tune the hyperparameters of the model, such as the learning rate, regularization parameter, or the numb of hidden layers. The model is not trained on this data; instead, it is used to estimate the generalization error the model. 3. Testing Set: The testing set is used to evaluate the final performance of the model after the training and validati phases. It is used to estimate the accuracy of the model in making predictions on unseen data. 3. Dataset Spliting
  • 19. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering 4. Model Training There are several deep learning architectures that can be used for image-based skin cancer detection, such as VGG, ResNet, and Inception. The choice of architecture depends on the size of the dataset, the computational resources available, and the performance of the model on the validation set. The deep learning model is trained on the training set using an optimizer such as stochastic gradient descent (SGD) or Adam. The loss function used for training depends on the classification problem, but typically involves minimizing the cross-entropy loss between the predicted and true labels. Hyperparameters such as the learning rate, batch size, and number of epochs need to be tuned to optimize the performance of the model on the validation set.
  • 20. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering 5.Model Evaluation Performance Metrics: The next step is to choose appropriate performance metrics. The metrics selected should be relevant to the problem being solved and should provide meaningful insights into the model's performance. In the case of a skin cancer detection system, the following metrics can be used: ● Accuracy: This metric measures the percentage of correctly predicted skin cancer cases out of all the cases. ● Precision: Precision is the fraction of true positive cases among all the positive predictions. ● Recall: Recall is the fraction of true positive cases among all the actual positive cases. ● F1 Score: The F1 score is the harmonic mean of precision and recall.
  • 21. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering SNAPSHOT Image Preprocessing:
  • 22. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering Data Augmentation:
  • 23. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering Imbalance Dataset Balance Dataset
  • 24. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering Model Evaluation
  • 25. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering OBJECTIVE The objective of a skin cancer detection project using deep learning would be to develop a system that can accurately and efficiently identify skin cancers, such as melanoma, basal cell carcinoma, and squamous cell carcinoma. This could be achieved by training a deep learning model on a large dataset of images of skin lesions, and then using the model to classify new images. There are several potential benefits to such a system. First, it could help to improve the accuracy of skin cancer diagnosis, as deep learning models can often achieve higher levels of accuracy than human experts. Second, it could reduce the time and cost of diagnosis, as the system can analyze images quickly and without the need for a human expert to review them. Finally, the system could help to increase access to skin cancer diagnosis, especially in areas where there is a shortage of trained dermatologists. Overall, the main goal of a skin cancer detection project using deep learning would be to improve the early detection and treatment of skin cancer, which can help to improve patient outcomes and save lives.
  • 26. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering THANK YOU
  • 27. BANGALORE TECHNOLOGICAL INSTITUTE Department of Computer Science & Engineering