SlideShare a Scribd company logo
1 of 4
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2887
Skin Disease Predictor using Deep Learning
Sushant Bandgar1, Pratiksha Acharya2, Omkar Gavhane3, Prof. Deepali Kadam4
1,2,3BE student, Dept. of Information Technology, Datta Meghe College of Engineering, Maharashtra, India
4Professor, Dept. of Information Technology, Datta Meghe College of Engineering, Maharashtra, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract – Skin disease is a quotidian in people’s life because
of a significant increase in pollution and an unhygienic way of
living. The repercussions of this lead to various skin diseases.
Conventionally skin diseases are diagnosed visually by
humans. As human’s adjudication can be erroneous wetend to
lean on computer-aided diagnosticsystem, hence inthispaper,
we have put forward a skin disease prediction system which is
built on top of deep neural networks. Thedatasetisinspired by
Harvard’s HAM(Human against machine). Furthermore, data
augmentation is been done to enhance the quality of the
dataset. A sequential model has been created by using Keras.
The model developed can achieve an accuracy of 82%, further
improvement can be attained by enhancing the model
facilitated by good infrastructure.
Key Words: Skin disease, Deep Learning, Convolutional
neural network, Data augmentation
1. INTRODUCTION
Diseases are perceived as a medical condition that is
associated with a specific set of symptoms. The disease can
be classified based on how much area of the body they affect
i.e. Localized diseases impact peculiar parts of the body,
disseminated diseases spread to different parts of the body
and systemic diseases affect the whole body. Skin diseases
are the disorders that affect the human skin. It has a severe
impact on people’s health. This has become ubiquitous and
so the need for effective remedies has become necessary.
Detection of skin disease is very crucial asitcancausesevere
loss to the people. In today's world, there is a need for an
automatic diagnostic system that would help in diagnosing
the disease at a faster rate and thereby reduce the manual
efforts and time required to recognize the disease. Our
proposed system is based on a convolution neural network
which is a deep learning algorithmthathelpsindetecting the
skin disease by taking an image of the affected area as an
input to the system. The systemthenprocessesandclassifies
the images under specific categories. It is capable of
determining 7 skin disease particularly
1.1 Deep Learning
Deep learning is a machine learning methodologythattrains
the machine to do what humans do, it learns from the
experience. In deep learning, the model learns to perform
classification of images, text-based on their respective
classes. Models built are used to classify the data which can
be in the form of images or text.
1.2 Convolutional Neural Network
Convolutional neural network is the subclass of neural
networks that helps in image recognition, image
classification, object detections, etc. Convolution neural
network consists of different layers such as convolution,
ReLU, pooling, and fully connected layer. Convolution layer
extracts the features from an input image. It is an operation
that takes two inputs that is image matrix and a filter. ReLU
stands for the Rectified Linear Unit, the output of this layer
is ƒ(x) = max(0,x) where x stands foreach value of the matrix.
Pooling layer is used to reduce the number of parameters of
the image, spatial pooling is of three types namely max
pooling, average pooling,andsomepooling.Afullyconnected
layer flattens the matrix into a vector. This combines the
features to create a model that classifies the image input.
2. Methodology
Our proposed system incorporates two technologies, they
are deep learning algorithm i.e. convolutional neural
network and web development.
2.1 Dataset
We have built our dataset using Harvard's HAM (Human
against machine) dataset which is a dermatoscopic image of
common pigmented skin diseases. The dataset consist of
seven class i.e. it consistofsevendifferentdiseaseclasswhich
areactinickeratoses(akiec),basalcellcarcinoma(bcc),benign
keratosis lesions(bkl), dermatofibroma(df),melanoma(mel),
melanocytic nevi(nv) and vascular lesion(vascu). we
improvised the dataset withhelp of dataaugmentationusing
Keras because of the uneven and dispersed number of the
images of a particular class, for instance, the class 'nv' has
6705 images out of the total 10015 images whereas class 'df'
has 115 images out of 10015. This difference in the number
of images led us to create the dataset to enhance the quality
of the dataset which will further enrich the quality of the
model's accuracy.
2.2 Data augmentation
Huge Dataset is essential for a better performance of the
CNN model, so the high performance can be gained by
augmenting the available data. Data augmentation helps in
increasing the size of the dataset, which promotes the risein
the accuracy of the model. The operations done in data
augmentation are rotation, shearing, zooming, cropping,
flipping, changing the brightness level.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2888
Rotation operation rotates the image by a specified degree,
we have specified the rotation degree as 45. Shearingisused
to transforming the orientation of an input image. The shear
range is set to 0.3. Zooming operation is used to zoom in or
zoom out. The zoom range is set to 0.2. Flipping is used to
flip the orientation of the image. It is of two types, horizontal
and vertical flip. Both the values are set to ‘True’. Changing
the brightness level helps us tocombatilluminationchanges.
The brightness range is set from 0.7 to 1.3.
2.3 Convolution Neural Network
Fig -1: Convolutional neural network
Convolutional neural network isthedeeplearningalgorithm
that simulates the visual cortex of the human brain. Theidea
of the convolution neural network is that filters the image
before training the deep neural network. It typically uses
four layers i.e convolution, pooling, ReLU, and fully
connected layer.
Convolution layer
Fig -2: Convolution layer
The main purpose of the Convolution layer is to extract the
features from the input image. There may be presence of
more than one convolution layer in the network. The first
convolution layer is responsible for acquiring the low-level
features such as edges, color, sharpen, gradient orientation,
etc. Further layers acquire the high-level features of the
image of the dataset. It works as a mathematical operation
that has an image matrix and filter as its two inputs. The
image matrix is multiplied with the filter matrix, this process
is called a feature map.
Strides
Fig -3: Strides
Strides are the number of pixels that shifts over the input
matrix. When the stride is set as 1 then the filters are moved
by 1 pixel at a time.
Padding
Fig -4: Padding
When the filters do not fit the image matrix then either the
image is padded with zeros so that it fits, that is called zero
paddings or the portion of the image wherethefilterdoesnot
fit is dropped, it is called as valid padding.
Rectified Linear Unit(ReLU)
Fig -5: Rectified Linear Unit function
The rectified linear unit is an activationfunctionwhich isa
linear function that yields the input directly if the value is
positive, otherwise, it will output zero. ReLU hasbecomethe
default activation function as the model that uses it is easier
to train and it also acquires better performance.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2889
Pooling
Fig -6: Pooling
The function of the pooling layer is to reduce the size of the
representation to reduce the number of parameters and
computation. The most common approach is max pooling.
In max pooling, for each of the area characterized by the
filter, the max of that area is taken intoconsiderationandthe
output matrix is created where each element is the max of
the area in the Input matrix.
The fully connected input layer
The output of the convolution/pooling layer is flattened
into a single vector of values that represents a probability
that a particular feature belongs to a label.
As we are using Keras, there are majorlytwotypesofmodels
available in Keras the are the sequential model and the
model class used with functional API. Here,wehaveusedthe
sequential model.
Some of the keywords that we should be familiar with are
optimizers, loss at which we will need to configure and
compile a model. Loss: A loss function is used to optimize
parameter values in a model. The available loss function in
Keras are mean_quared_error, mean_absolute_error,
mean_absolute_percentage_error,mean_squared_logarithmic
_error, squared_hinge, hinge, categorical_hinge, logcosh,
huber_loss, categorical_crossentropy,
spare_categorical_crossentropy, binary_crossentropy,
kullback_leibler_divergence, poisson, cosine_proximity,
is_categorical_crossentropy. In the purposed model wehave
used categorical_crossentropy.
Optimizers: optimizers help the model in a way that it
updates the weight parameter to minimize the loss fuctions.
In this model, we have used 'Adam' optimizer. Apart from
'Adam', there are other few optimizers and they are SGD,
RMSprop, Adagrad, Adadelta, Adamax, Nadam. The
convolution neural network is trained on the augmented
dataset to predict the disease as a result. This result is made
available to the user
Graphical User Interface
We have developed a graphical userinterface,a website,that
can be used for detecting diseases by any user. It has an
upload section where patient can upload the image of the
affected area of the skin, that image is given to the built
model as an input and the result of the CNN model will be
displayed to the patient, which will be the detected disease.
3. CONCLUSION
In this paper, a model is created using a deep learning
algorithm, convolutional neural network, that helps in
predicting the skin disease. Data augmentation is done to
improvise the accuracy of the model. The proposed model is
a sequential model with top accuracy of 82%. Itisfoundthat
by using deep learning algorithm, we can achieve higher
accuracy and we can predict manymorediseasesbycreating
a better model which needs a good infrastructure facility.
The future work is to achieve higher accuracy so that it can
be as first aid.
ACKNOWLEDGEMENT
We articulate our sincere gratitude to our project guide prof
Deepali Kadam for her tremendous guidance forourproject.
We are grateful to her for her patience and guidance
throughout our project.Withouthergeneroushelp,wecould
not complete our project.
REFERENCES
[1] Lakshay Bajaj , Himanshu Kumar, Yasha Hasija
“Automated System for Prediction of Skin Disease using
Image Processing and Machine Learning” International
Journal of Computer Applications(0975 – 8887)Volume180
– No.19, February 2018.
[2] Haofu Liao “A Deep Learning Approach to Universal
SkinDisease Classification”
[3] Ms. Seema Kolkur , Dr. D.R. Kalbande , Dr. Vidya Kharkar
“Machine Learning Approaches to Multi-Class Human Skin
Disease Detection” International Journal of Computational
Intelligence Research ISSN 0973- 1873 Volume 14, Number
1 (2018), pp. 29-39.
[4] Danilo Barros Mendes, Nilton Correia da Silva “Skin
Lesions Classification Using Convolutional Neural Networks
in Clinical Images”.
[5] D.S. Zingade, Manali Joshi, Viraj Sapre , Rohan Giri “Skin
Disease Detection using Artificial Neural Network”
International Journal of Advance Engineering and Research
Development Special Issue on Recent Trends in Data
Engineering Volume 4, Special Issue 5, Dec.-2017.
[6] Delia-Maria FILIMON, Adriana ALBU “Skin Diseases
Diagnosis using Artificial Neural Networks” 9th IEEE
International Symposium on Applied Computational
Intelligence and Informatics • May 15-17, 2014 • Timişoara,
Romania.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2890
[7] Li-sheng Wei , Quan Gan, and Tao Ji “Skin Disease
Recognition Method Based on Image Color and Texture
Features” Hindawi Computational and Mathematical
Methods in Medicine Volume 2018, Article ID 8145713.
[8] Sourav Kumar Patnaik, MansherSinghSidhu,Yaagyanika
Gehlot, Bhairvi Sharma and P Muthu “Automated Skin
Disease Identification using Deep Learning Algorithm”
Biomedical & Pharmacology Journal, September 2018.
[9] Fig1: https://brilliant.org/wiki/convolutional-neural-
network/
[10] Fig2,6:https://blog.goodaudience.com/convolutional-
neural-net-in-tensorflow-e15e43129d7d
[11]Fig3:https://www.oreilly.com/library/view/hands-on-
transfer-learning/9781788831307/df581a77-c057-4978-
a25e-564cb1ab5bb3.xhtml
[12] Fig4: http://datahacker.rs/what-is-padding-cnn/
[13]Fig5:
https://medium.com/@RaghavPrabhu/understanding-of-
convolutional-neural-network-cnn-deep-learning-
99760835f148

More Related Content

What's hot

Multimodality medical image fusion using improved contourlet transformation
Multimodality medical image fusion using improved contourlet transformationMultimodality medical image fusion using improved contourlet transformation
Multimodality medical image fusion using improved contourlet transformationIAEME Publication
 
IRJET- Facial Expression Recognition using GPA Analysis
IRJET-  	  Facial Expression Recognition using GPA AnalysisIRJET-  	  Facial Expression Recognition using GPA Analysis
IRJET- Facial Expression Recognition using GPA AnalysisIRJET Journal
 
Medical Image Fusion Using Discrete Wavelet Transform
Medical Image Fusion Using Discrete Wavelet TransformMedical Image Fusion Using Discrete Wavelet Transform
Medical Image Fusion Using Discrete Wavelet TransformIJERA Editor
 
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...CSCJournals
 
A NOVEL APPROACH FOR FEATURE EXTRACTION AND SELECTION ON MRI IMAGES FOR BRAIN...
A NOVEL APPROACH FOR FEATURE EXTRACTION AND SELECTION ON MRI IMAGES FOR BRAIN...A NOVEL APPROACH FOR FEATURE EXTRACTION AND SELECTION ON MRI IMAGES FOR BRAIN...
A NOVEL APPROACH FOR FEATURE EXTRACTION AND SELECTION ON MRI IMAGES FOR BRAIN...cscpconf
 
Gesture Recognition using Principle Component Analysis & Viola-Jones Algorithm
Gesture Recognition using Principle Component Analysis &  Viola-Jones AlgorithmGesture Recognition using Principle Component Analysis &  Viola-Jones Algorithm
Gesture Recognition using Principle Component Analysis & Viola-Jones AlgorithmIJMER
 
IRJET- Art Authentication System using Deep Neural Networks
IRJET- Art Authentication System using Deep Neural NetworksIRJET- Art Authentication System using Deep Neural Networks
IRJET- Art Authentication System using Deep Neural NetworksIRJET Journal
 
A Flexible Scheme for Transmission Line Fault Identification Using Image Proc...
A Flexible Scheme for Transmission Line Fault Identification Using Image Proc...A Flexible Scheme for Transmission Line Fault Identification Using Image Proc...
A Flexible Scheme for Transmission Line Fault Identification Using Image Proc...IJEEE
 
IRJET - Machine Learning Algorithms for the Detection of Diabetes
IRJET - Machine Learning Algorithms for the Detection of DiabetesIRJET - Machine Learning Algorithms for the Detection of Diabetes
IRJET - Machine Learning Algorithms for the Detection of DiabetesIRJET Journal
 
An interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’sAn interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’seSAT Publishing House
 
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...IRJET Journal
 
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET -  	  Finger Vein Extraction and Authentication System for ATMIRJET -  	  Finger Vein Extraction and Authentication System for ATM
IRJET - Finger Vein Extraction and Authentication System for ATMIRJET Journal
 
One-Sample Face Recognition Using HMM Model of Fiducial Areas
One-Sample Face Recognition Using HMM Model of Fiducial AreasOne-Sample Face Recognition Using HMM Model of Fiducial Areas
One-Sample Face Recognition Using HMM Model of Fiducial AreasCSCJournals
 
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
IRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCAIRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCA
IRJET- Efficient Face Detection from Video Sequences using KNN and PCAIRJET Journal
 

What's hot (20)

Multimodality medical image fusion using improved contourlet transformation
Multimodality medical image fusion using improved contourlet transformationMultimodality medical image fusion using improved contourlet transformation
Multimodality medical image fusion using improved contourlet transformation
 
IRJET- Facial Expression Recognition using GPA Analysis
IRJET-  	  Facial Expression Recognition using GPA AnalysisIRJET-  	  Facial Expression Recognition using GPA Analysis
IRJET- Facial Expression Recognition using GPA Analysis
 
Dd25624627
Dd25624627Dd25624627
Dd25624627
 
Medical Image Fusion Using Discrete Wavelet Transform
Medical Image Fusion Using Discrete Wavelet TransformMedical Image Fusion Using Discrete Wavelet Transform
Medical Image Fusion Using Discrete Wavelet Transform
 
R-PI BASED DETECTION OF LUNG CANCER USING MRI IMAGE
R-PI BASED DETECTION OF LUNG CANCER USING MRI IMAGER-PI BASED DETECTION OF LUNG CANCER USING MRI IMAGE
R-PI BASED DETECTION OF LUNG CANCER USING MRI IMAGE
 
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
 
Ijetcas14 329
Ijetcas14 329Ijetcas14 329
Ijetcas14 329
 
COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
 
A NOVEL APPROACH FOR FEATURE EXTRACTION AND SELECTION ON MRI IMAGES FOR BRAIN...
A NOVEL APPROACH FOR FEATURE EXTRACTION AND SELECTION ON MRI IMAGES FOR BRAIN...A NOVEL APPROACH FOR FEATURE EXTRACTION AND SELECTION ON MRI IMAGES FOR BRAIN...
A NOVEL APPROACH FOR FEATURE EXTRACTION AND SELECTION ON MRI IMAGES FOR BRAIN...
 
Gesture Recognition using Principle Component Analysis & Viola-Jones Algorithm
Gesture Recognition using Principle Component Analysis &  Viola-Jones AlgorithmGesture Recognition using Principle Component Analysis &  Viola-Jones Algorithm
Gesture Recognition using Principle Component Analysis & Viola-Jones Algorithm
 
IRJET- Art Authentication System using Deep Neural Networks
IRJET- Art Authentication System using Deep Neural NetworksIRJET- Art Authentication System using Deep Neural Networks
IRJET- Art Authentication System using Deep Neural Networks
 
A Flexible Scheme for Transmission Line Fault Identification Using Image Proc...
A Flexible Scheme for Transmission Line Fault Identification Using Image Proc...A Flexible Scheme for Transmission Line Fault Identification Using Image Proc...
A Flexible Scheme for Transmission Line Fault Identification Using Image Proc...
 
IRJET - Machine Learning Algorithms for the Detection of Diabetes
IRJET - Machine Learning Algorithms for the Detection of DiabetesIRJET - Machine Learning Algorithms for the Detection of Diabetes
IRJET - Machine Learning Algorithms for the Detection of Diabetes
 
An interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’sAn interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’s
 
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
 
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET -  	  Finger Vein Extraction and Authentication System for ATMIRJET -  	  Finger Vein Extraction and Authentication System for ATM
IRJET - Finger Vein Extraction and Authentication System for ATM
 
K011138084
K011138084K011138084
K011138084
 
Dh33653657
Dh33653657Dh33653657
Dh33653657
 
One-Sample Face Recognition Using HMM Model of Fiducial Areas
One-Sample Face Recognition Using HMM Model of Fiducial AreasOne-Sample Face Recognition Using HMM Model of Fiducial Areas
One-Sample Face Recognition Using HMM Model of Fiducial Areas
 
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
IRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCAIRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCA
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
 

Similar to IRJET - Skin Disease Predictor using Deep Learning

IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System OperationsIRJET Journal
 
IRJET - Disease Detection in Plant using Machine Learning
IRJET -  	  Disease Detection in Plant using Machine LearningIRJET -  	  Disease Detection in Plant using Machine Learning
IRJET - Disease Detection in Plant using Machine LearningIRJET Journal
 
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...IRJET Journal
 
IRJET - Smart Vet Locator for Hybrid Pets
IRJET -  	  Smart Vet Locator for Hybrid PetsIRJET -  	  Smart Vet Locator for Hybrid Pets
IRJET - Smart Vet Locator for Hybrid PetsIRJET Journal
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET Journal
 
IRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET Journal
 
Brain Tumor Classification using Support Vector Machine
Brain Tumor Classification using Support Vector MachineBrain Tumor Classification using Support Vector Machine
Brain Tumor Classification using Support Vector MachineIRJET Journal
 
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...IRJET Journal
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET Journal
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET Journal
 
IRJET - Facial Recognition based Attendance System with LBPH
IRJET -  	  Facial Recognition based Attendance System with LBPHIRJET -  	  Facial Recognition based Attendance System with LBPH
IRJET - Facial Recognition based Attendance System with LBPHIRJET Journal
 
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter i...
IRJET-  	  Nail based Disease Analysis at Earlier Stage using Median Filter i...IRJET-  	  Nail based Disease Analysis at Earlier Stage using Median Filter i...
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter i...IRJET Journal
 
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter in Im...
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter in Im...IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter in Im...
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter in Im...IRJET Journal
 
Techniques of Brain Cancer Detection from MRI using Machine Learning
Techniques of Brain Cancer Detection from MRI using Machine LearningTechniques of Brain Cancer Detection from MRI using Machine Learning
Techniques of Brain Cancer Detection from MRI using Machine LearningIRJET Journal
 
IRJET- Plant Disease Detection and Classification using Image Processing a...
IRJET- 	  Plant Disease Detection and Classification using Image Processing a...IRJET- 	  Plant Disease Detection and Classification using Image Processing a...
IRJET- Plant Disease Detection and Classification using Image Processing a...IRJET Journal
 
IRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET Journal
 
IRJET- Low Light Image Enhancement using Convolutional Neural Network
IRJET-  	  Low Light Image Enhancement using Convolutional Neural NetworkIRJET-  	  Low Light Image Enhancement using Convolutional Neural Network
IRJET- Low Light Image Enhancement using Convolutional Neural NetworkIRJET Journal
 
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...IRJET Journal
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET Journal
 
An Effective Attendance Management System using Face Recognition
An Effective Attendance Management System using Face RecognitionAn Effective Attendance Management System using Face Recognition
An Effective Attendance Management System using Face RecognitionIRJET Journal
 

Similar to IRJET - Skin Disease Predictor using Deep Learning (20)

IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System Operations
 
IRJET - Disease Detection in Plant using Machine Learning
IRJET -  	  Disease Detection in Plant using Machine LearningIRJET -  	  Disease Detection in Plant using Machine Learning
IRJET - Disease Detection in Plant using Machine Learning
 
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
IRJET- Skin Disease Detection using Image Processing with Data Mining and Dee...
 
IRJET - Smart Vet Locator for Hybrid Pets
IRJET -  	  Smart Vet Locator for Hybrid PetsIRJET -  	  Smart Vet Locator for Hybrid Pets
IRJET - Smart Vet Locator for Hybrid Pets
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
 
IRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog Images
 
Brain Tumor Classification using Support Vector Machine
Brain Tumor Classification using Support Vector MachineBrain Tumor Classification using Support Vector Machine
Brain Tumor Classification using Support Vector Machine
 
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
IRJET- A Study of Different Convolution Neural Network Architectures for Huma...
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine Learning
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine Learning
 
IRJET - Facial Recognition based Attendance System with LBPH
IRJET -  	  Facial Recognition based Attendance System with LBPHIRJET -  	  Facial Recognition based Attendance System with LBPH
IRJET - Facial Recognition based Attendance System with LBPH
 
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter i...
IRJET-  	  Nail based Disease Analysis at Earlier Stage using Median Filter i...IRJET-  	  Nail based Disease Analysis at Earlier Stage using Median Filter i...
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter i...
 
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter in Im...
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter in Im...IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter in Im...
IRJET- Nail based Disease Analysis at Earlier Stage using Median Filter in Im...
 
Techniques of Brain Cancer Detection from MRI using Machine Learning
Techniques of Brain Cancer Detection from MRI using Machine LearningTechniques of Brain Cancer Detection from MRI using Machine Learning
Techniques of Brain Cancer Detection from MRI using Machine Learning
 
IRJET- Plant Disease Detection and Classification using Image Processing a...
IRJET- 	  Plant Disease Detection and Classification using Image Processing a...IRJET- 	  Plant Disease Detection and Classification using Image Processing a...
IRJET- Plant Disease Detection and Classification using Image Processing a...
 
IRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural Network
 
IRJET- Low Light Image Enhancement using Convolutional Neural Network
IRJET-  	  Low Light Image Enhancement using Convolutional Neural NetworkIRJET-  	  Low Light Image Enhancement using Convolutional Neural Network
IRJET- Low Light Image Enhancement using Convolutional Neural Network
 
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
 
An Effective Attendance Management System using Face Recognition
An Effective Attendance Management System using Face RecognitionAn Effective Attendance Management System using Face Recognition
An Effective Attendance Management System using Face Recognition
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girlsssuser7cb4ff
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 
Introduction to Microprocesso programming and interfacing.pptx
Introduction to Microprocesso programming and interfacing.pptxIntroduction to Microprocesso programming and interfacing.pptx
Introduction to Microprocesso programming and interfacing.pptxvipinkmenon1
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...asadnawaz62
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionDr.Costas Sachpazis
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AIabhishek36461
 
Current Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLCurrent Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLDeelipZope
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxbritheesh05
 

Recently uploaded (20)

VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
POWER SYSTEMS-1 Complete notes examples
POWER SYSTEMS-1 Complete notes  examplesPOWER SYSTEMS-1 Complete notes  examples
POWER SYSTEMS-1 Complete notes examples
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
Design and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdfDesign and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdf
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Serviceyoung call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girls
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
Introduction to Microprocesso programming and interfacing.pptx
Introduction to Microprocesso programming and interfacing.pptxIntroduction to Microprocesso programming and interfacing.pptx
Introduction to Microprocesso programming and interfacing.pptx
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AI
 
Current Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLCurrent Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCL
 
Artificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptxArtificial-Intelligence-in-Electronics (K).pptx
Artificial-Intelligence-in-Electronics (K).pptx
 

IRJET - Skin Disease Predictor using Deep Learning

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2887 Skin Disease Predictor using Deep Learning Sushant Bandgar1, Pratiksha Acharya2, Omkar Gavhane3, Prof. Deepali Kadam4 1,2,3BE student, Dept. of Information Technology, Datta Meghe College of Engineering, Maharashtra, India 4Professor, Dept. of Information Technology, Datta Meghe College of Engineering, Maharashtra, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract – Skin disease is a quotidian in people’s life because of a significant increase in pollution and an unhygienic way of living. The repercussions of this lead to various skin diseases. Conventionally skin diseases are diagnosed visually by humans. As human’s adjudication can be erroneous wetend to lean on computer-aided diagnosticsystem, hence inthispaper, we have put forward a skin disease prediction system which is built on top of deep neural networks. Thedatasetisinspired by Harvard’s HAM(Human against machine). Furthermore, data augmentation is been done to enhance the quality of the dataset. A sequential model has been created by using Keras. The model developed can achieve an accuracy of 82%, further improvement can be attained by enhancing the model facilitated by good infrastructure. Key Words: Skin disease, Deep Learning, Convolutional neural network, Data augmentation 1. INTRODUCTION Diseases are perceived as a medical condition that is associated with a specific set of symptoms. The disease can be classified based on how much area of the body they affect i.e. Localized diseases impact peculiar parts of the body, disseminated diseases spread to different parts of the body and systemic diseases affect the whole body. Skin diseases are the disorders that affect the human skin. It has a severe impact on people’s health. This has become ubiquitous and so the need for effective remedies has become necessary. Detection of skin disease is very crucial asitcancausesevere loss to the people. In today's world, there is a need for an automatic diagnostic system that would help in diagnosing the disease at a faster rate and thereby reduce the manual efforts and time required to recognize the disease. Our proposed system is based on a convolution neural network which is a deep learning algorithmthathelpsindetecting the skin disease by taking an image of the affected area as an input to the system. The systemthenprocessesandclassifies the images under specific categories. It is capable of determining 7 skin disease particularly 1.1 Deep Learning Deep learning is a machine learning methodologythattrains the machine to do what humans do, it learns from the experience. In deep learning, the model learns to perform classification of images, text-based on their respective classes. Models built are used to classify the data which can be in the form of images or text. 1.2 Convolutional Neural Network Convolutional neural network is the subclass of neural networks that helps in image recognition, image classification, object detections, etc. Convolution neural network consists of different layers such as convolution, ReLU, pooling, and fully connected layer. Convolution layer extracts the features from an input image. It is an operation that takes two inputs that is image matrix and a filter. ReLU stands for the Rectified Linear Unit, the output of this layer is ƒ(x) = max(0,x) where x stands foreach value of the matrix. Pooling layer is used to reduce the number of parameters of the image, spatial pooling is of three types namely max pooling, average pooling,andsomepooling.Afullyconnected layer flattens the matrix into a vector. This combines the features to create a model that classifies the image input. 2. Methodology Our proposed system incorporates two technologies, they are deep learning algorithm i.e. convolutional neural network and web development. 2.1 Dataset We have built our dataset using Harvard's HAM (Human against machine) dataset which is a dermatoscopic image of common pigmented skin diseases. The dataset consist of seven class i.e. it consistofsevendifferentdiseaseclasswhich areactinickeratoses(akiec),basalcellcarcinoma(bcc),benign keratosis lesions(bkl), dermatofibroma(df),melanoma(mel), melanocytic nevi(nv) and vascular lesion(vascu). we improvised the dataset withhelp of dataaugmentationusing Keras because of the uneven and dispersed number of the images of a particular class, for instance, the class 'nv' has 6705 images out of the total 10015 images whereas class 'df' has 115 images out of 10015. This difference in the number of images led us to create the dataset to enhance the quality of the dataset which will further enrich the quality of the model's accuracy. 2.2 Data augmentation Huge Dataset is essential for a better performance of the CNN model, so the high performance can be gained by augmenting the available data. Data augmentation helps in increasing the size of the dataset, which promotes the risein the accuracy of the model. The operations done in data augmentation are rotation, shearing, zooming, cropping, flipping, changing the brightness level.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2888 Rotation operation rotates the image by a specified degree, we have specified the rotation degree as 45. Shearingisused to transforming the orientation of an input image. The shear range is set to 0.3. Zooming operation is used to zoom in or zoom out. The zoom range is set to 0.2. Flipping is used to flip the orientation of the image. It is of two types, horizontal and vertical flip. Both the values are set to ‘True’. Changing the brightness level helps us tocombatilluminationchanges. The brightness range is set from 0.7 to 1.3. 2.3 Convolution Neural Network Fig -1: Convolutional neural network Convolutional neural network isthedeeplearningalgorithm that simulates the visual cortex of the human brain. Theidea of the convolution neural network is that filters the image before training the deep neural network. It typically uses four layers i.e convolution, pooling, ReLU, and fully connected layer. Convolution layer Fig -2: Convolution layer The main purpose of the Convolution layer is to extract the features from the input image. There may be presence of more than one convolution layer in the network. The first convolution layer is responsible for acquiring the low-level features such as edges, color, sharpen, gradient orientation, etc. Further layers acquire the high-level features of the image of the dataset. It works as a mathematical operation that has an image matrix and filter as its two inputs. The image matrix is multiplied with the filter matrix, this process is called a feature map. Strides Fig -3: Strides Strides are the number of pixels that shifts over the input matrix. When the stride is set as 1 then the filters are moved by 1 pixel at a time. Padding Fig -4: Padding When the filters do not fit the image matrix then either the image is padded with zeros so that it fits, that is called zero paddings or the portion of the image wherethefilterdoesnot fit is dropped, it is called as valid padding. Rectified Linear Unit(ReLU) Fig -5: Rectified Linear Unit function The rectified linear unit is an activationfunctionwhich isa linear function that yields the input directly if the value is positive, otherwise, it will output zero. ReLU hasbecomethe default activation function as the model that uses it is easier to train and it also acquires better performance.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2889 Pooling Fig -6: Pooling The function of the pooling layer is to reduce the size of the representation to reduce the number of parameters and computation. The most common approach is max pooling. In max pooling, for each of the area characterized by the filter, the max of that area is taken intoconsiderationandthe output matrix is created where each element is the max of the area in the Input matrix. The fully connected input layer The output of the convolution/pooling layer is flattened into a single vector of values that represents a probability that a particular feature belongs to a label. As we are using Keras, there are majorlytwotypesofmodels available in Keras the are the sequential model and the model class used with functional API. Here,wehaveusedthe sequential model. Some of the keywords that we should be familiar with are optimizers, loss at which we will need to configure and compile a model. Loss: A loss function is used to optimize parameter values in a model. The available loss function in Keras are mean_quared_error, mean_absolute_error, mean_absolute_percentage_error,mean_squared_logarithmic _error, squared_hinge, hinge, categorical_hinge, logcosh, huber_loss, categorical_crossentropy, spare_categorical_crossentropy, binary_crossentropy, kullback_leibler_divergence, poisson, cosine_proximity, is_categorical_crossentropy. In the purposed model wehave used categorical_crossentropy. Optimizers: optimizers help the model in a way that it updates the weight parameter to minimize the loss fuctions. In this model, we have used 'Adam' optimizer. Apart from 'Adam', there are other few optimizers and they are SGD, RMSprop, Adagrad, Adadelta, Adamax, Nadam. The convolution neural network is trained on the augmented dataset to predict the disease as a result. This result is made available to the user Graphical User Interface We have developed a graphical userinterface,a website,that can be used for detecting diseases by any user. It has an upload section where patient can upload the image of the affected area of the skin, that image is given to the built model as an input and the result of the CNN model will be displayed to the patient, which will be the detected disease. 3. CONCLUSION In this paper, a model is created using a deep learning algorithm, convolutional neural network, that helps in predicting the skin disease. Data augmentation is done to improvise the accuracy of the model. The proposed model is a sequential model with top accuracy of 82%. Itisfoundthat by using deep learning algorithm, we can achieve higher accuracy and we can predict manymorediseasesbycreating a better model which needs a good infrastructure facility. The future work is to achieve higher accuracy so that it can be as first aid. ACKNOWLEDGEMENT We articulate our sincere gratitude to our project guide prof Deepali Kadam for her tremendous guidance forourproject. We are grateful to her for her patience and guidance throughout our project.Withouthergeneroushelp,wecould not complete our project. REFERENCES [1] Lakshay Bajaj , Himanshu Kumar, Yasha Hasija “Automated System for Prediction of Skin Disease using Image Processing and Machine Learning” International Journal of Computer Applications(0975 – 8887)Volume180 – No.19, February 2018. [2] Haofu Liao “A Deep Learning Approach to Universal SkinDisease Classification” [3] Ms. Seema Kolkur , Dr. D.R. Kalbande , Dr. Vidya Kharkar “Machine Learning Approaches to Multi-Class Human Skin Disease Detection” International Journal of Computational Intelligence Research ISSN 0973- 1873 Volume 14, Number 1 (2018), pp. 29-39. [4] Danilo Barros Mendes, Nilton Correia da Silva “Skin Lesions Classification Using Convolutional Neural Networks in Clinical Images”. [5] D.S. Zingade, Manali Joshi, Viraj Sapre , Rohan Giri “Skin Disease Detection using Artificial Neural Network” International Journal of Advance Engineering and Research Development Special Issue on Recent Trends in Data Engineering Volume 4, Special Issue 5, Dec.-2017. [6] Delia-Maria FILIMON, Adriana ALBU “Skin Diseases Diagnosis using Artificial Neural Networks” 9th IEEE International Symposium on Applied Computational Intelligence and Informatics • May 15-17, 2014 • Timişoara, Romania.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 02 | Feb 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2890 [7] Li-sheng Wei , Quan Gan, and Tao Ji “Skin Disease Recognition Method Based on Image Color and Texture Features” Hindawi Computational and Mathematical Methods in Medicine Volume 2018, Article ID 8145713. [8] Sourav Kumar Patnaik, MansherSinghSidhu,Yaagyanika Gehlot, Bhairvi Sharma and P Muthu “Automated Skin Disease Identification using Deep Learning Algorithm” Biomedical & Pharmacology Journal, September 2018. [9] Fig1: https://brilliant.org/wiki/convolutional-neural- network/ [10] Fig2,6:https://blog.goodaudience.com/convolutional- neural-net-in-tensorflow-e15e43129d7d [11]Fig3:https://www.oreilly.com/library/view/hands-on- transfer-learning/9781788831307/df581a77-c057-4978- a25e-564cb1ab5bb3.xhtml [12] Fig4: http://datahacker.rs/what-is-padding-cnn/ [13]Fig5: https://medium.com/@RaghavPrabhu/understanding-of- convolutional-neural-network-cnn-deep-learning- 99760835f148