SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1086
Blood Cell Image Classification for Detecting Malaria using CNN
Debabrata Mallick1
Student Dept. of Computer Science and Engineering, IIT Bombay, Maharashtra, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Artificial intelligence combined with open source tools can improve the diagnosis of the fatal disease malaria.
Malaria detection is not an easy procedure, and the availability of qualified personnel around the globe is a serious concern in
the diagnosis and treatment of cases. We looked at an interesting real-world medical imaging case study of malaria detection.
Easy-to-build, open source techniques leveraging AI can give us state-of-the-art accuracy in detecting malaria, thus enabling
AI for social good. AI can improve the diagnosis of Malaria. In our Project, we have used CNN, Max Pooling, Dropout, Rectified
Linear Unit (ReLU), and Adam Optimizer for detecting Malaria.
Key Words: Deep learning, Convolutional Neural Network, image detection, Convolutional layers, Max Pooling, Dropout.
1. INTRODUCTION
Malaria is a serious and life-threatening disease caused by Plasmodium parasites which can travel to the liver by entering
the person’s bloodstream. It infects the red blood cells, which results in fatal symptoms. However, this deadly parasite can
live in our body for one year without causing any symptoms that lead to death. So, it is really necessary to detect malaria
disease earlier to save lives. Artificial intelligence (AI) combined with open-source tools can be used to improve the
diagnosis of malaria disease in a fast, easy, and accurate way. This is our motivation to make a model using CNN
(convolutional neural network) that helps us to detect malaria by classifying blood cell images.
2. Dataset
2.1 Source of the Dataset
For our project, the Dataset we have used is collected from “The Lister Hill National Center for Biomedical
Communications (LHNCBC), part of the National Library of Medicine (NLM), USA.” In the dataset, there are 27558 cell
images which are divided into two parts Parasitized cell images which contain 13779 images, and Uninfected cell images,
which contain 13779. The cell images contained in the dataset were collected from 201 people, and among them, 151
people were infected, and 50 people were healthy.
Figure 1: Sample Images of Blood Cell.
3. Methodology
3.1 Environment Setup and Library Import:
For this project, we have used Google Colab from our browser, which helps us to write and execute python code. We
have imported different libraries that work as follows:
● NumPy: It is a Python library used for working with arrays, matrices, and image processing by using concepts
such as vectorization and advanced indexing.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1087
● Pandas: It is a software library that is used for data manipulation and analysis.
● TensorFlow: It is a Python-friendly open-source library for numerical computation. It also enables the user to
implement a deep neural network that is used for solving image recognition/classification tasks.
● OpenCV: It is a library of Python that is used for solving computer vision problems.
● Matplotlib: It is a plotting library for data visualization
● Seaborn: It is a Python data visualization library based on matplotlib, which is used to give a high-level interface
for statistical graphics.
3.2 Data Processing:
We have resized our images by 64*64 and rotated our images by 40 degrees to change the position of the images. We
have also shuffled our image cell by changing the position to detect in which position there is infected cell can be shown.
We have also normalized our images by 255 to increase the intensity and to count the pixels accurately. We have also
labeled our uninfected images as 0 and infected images as 1. Here we have three color channels in our images that are red,
green blue.
After processing the data, we divided the data into train and test sets. At first, the dataset is divided into Training and
Test set (Train 80%, Test 20%). Then the test set is divided into validation and test set (Validation 50%, Test 50%)
Figure 2: Dataset Divided into Training, Validation, and Testing.
3.3 The architecture of our Model:
Figure 3: CNN Model Architecture
We have used CNN to train our dataset, which is so far been the most popularly used network for
analyzing images. However, image analysis has been the most widespread use of CNN’s that can also be used for other data
analysis or classification problems as well.
● Convolutional layers: Here, we have used convolutional neural network layers to detect spatial patterns from
data. This pattern detection makes the CNN model useful for our image analysis. CNN has hidden layers called
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1088
convolutional layers, and in our project, we have used three convolutional layers. Basically, one convolutional
layer receives input. After that, it transforms the input in some way where the outputs of the transform input go to
the next convolutional layer. In our project, our first convolutional layer is used to learn small and local patterns,
such as edges and corners. We have taken 40 filters and the kernel size as [5,5]. Our second convolutional layer
learns larger patterns based on the features from the first layer, where there are 70 filters, and the kernel size is
[3,3]. And the last layer logit is used for calculating the accuracy where we have taken 15 filters. Here the kernel
size is the same as the second convolutional layer.
● Max Pooling: After that, we have used Max pooling which helps us to downsample and dimension reduction. It
also reduces the computational cost by reducing the number of parameters.
● Dropout: We have used dropout to remove some layers. By preventing complex co-adaptations on training data, it
reduces overfitting in artificial neural networks.
● Rectified Linear Unit (ReLU): For high-performance analysis, we used the rectified linear activation function. It
runs faster and performs better by vanishing the gradient problems. It will give output if the input is positive.
Otherwise, it gives the output as 0.
4. Results/Analysis:
● For evaluating the model, we used the confusion matrix, classification report, and accuracy score
functions of scikit-learn. The performance of our model with relevant classification metrics is given
below:
Figure 4: Final Classification Report for Test data
● It looks like our models perform well on the test dataset. After testing the dataset, we have got a good
model accuracy. For evaluating the model, we used the confusion matrix, classification report, and
accuracy score functions of scikit-learn. We got a training loss of 14.13% using the model, while the
evaluation stage accuracy is 93.39% and the loss of 18.23%.
● For the test set the classification report, we got 90% precision and 97% recall when predicting healthy
cells. And there is 97% precision and 90% recall when predicting infected cells.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1089
Figure 5: Some Random Predictions and Actual Value
● Some Random Predictions and Actual Value: (Infected Cell = 1, Uninfected Cell = 0)
● If we see the outputs of our model, we get some false positive and false negative predictions. F1-score is
93%. So there is some scope to improve the model.
5. CONCLUSIONS
Malaria detection is a complex procedure and needs the proper guidance of qualified personnel around us to diagnose
the disease. We tried to make the process easy and accessible for everyone using Machine Learning models. We achieved
an accuracy of 93.39 percent using Convolutional neural networks. This model can be used for detecting malaria. In the
future, we will try to improve the accuracy of our model for better results and develop a mobile application so that
everyone can diagnose Malaria in the quickest possible time.
REFERENCES
[1] Convolutional neural network - wikipedia,” https://en.wikipedia.org/ wiki/Convolutional_neural_network, (Accessed
on 08/14/2022).
[2] Detecting malaria with deep learning | opensource.com,” https://opensource.com/article/19/4/detecting-malaria-
deep-learning, (Accessed on 08/14/2022).
[3] Dilution (neural networks - wikipedia,” https://en.wikipedia.org/wiki/Dilution_(neural_networks, (Accessed on
08/14/2022).
[4] Gentle introduction to the adam optimization algorithm for deep learning,”
https://machinelearningmastery.com/adam-optimization-algorithm-for-deep-learning/, (Accessed on 08/14/2022).
[5] Google colab,” https://colab.research.google.com/github/Giffy/CarCrashDetector/blob/master/, (Accessed on
08/14/2022).
[6] Matplotlib - wikipedia,” https://en.wikipedia.org/wiki/Matplotlib, (Accessed on 08/14/2022).
[7] Max-pooling / pooling - computer science wiki,” https:// computersciencewiki.org/index.php/Max-
pooling_/_Pooling#:~:text=Max, (Accessed on 08/14/2022).
[8] Numpy - wikipedia,” https://en.wikipedia.org/wiki/NumPy, (Accessed on 08/14/2022).
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1090
BIOGRAPHIES
Complected M.Tech CSE at IIT
Bombay, Maharashtra.

More Related Content

Similar to Blood Cell Image Classification for Detecting Malaria using CNN

A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
ijtsrd
 
Detection of medical instruments project- PART 1
Detection of medical instruments project- PART 1Detection of medical instruments project- PART 1
Detection of medical instruments project- PART 1
Sairam Adithya
 
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET Journal
 
Prediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningPrediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep Learning
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 Pi
IRJET Journal
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IRJET Journal
 
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
IRJET Journal
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
IRJET Journal
 
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET Journal
 
Malaria Detection System Using Microscopic Blood Smear Image
Malaria Detection System Using Microscopic Blood Smear ImageMalaria Detection System Using Microscopic Blood Smear Image
Malaria Detection System Using Microscopic Blood Smear Image
IRJET Journal
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing Impaired
IRJET Journal
 
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning AlgorithmsIRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET Journal
 
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATIONBLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
IRJET Journal
 
DATI, AI E ROBOTICA @POLITO
DATI, AI E ROBOTICA @POLITODATI, AI E ROBOTICA @POLITO
DATI, AI E ROBOTICA @POLITO
MarcoMellia
 
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNINGA SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
IRJET Journal
 
IRJET- Brain Tumor Detection using Deep Learning
IRJET- Brain Tumor Detection using Deep LearningIRJET- Brain Tumor Detection using Deep Learning
IRJET- Brain Tumor Detection using Deep Learning
IRJET Journal
 
Skin_Cancer.pptx
Skin_Cancer.pptxSkin_Cancer.pptx
Skin_Cancer.pptx
Mahabuba Nasrin Eity
 
IRJET - Implication of Convolutional Neural Network in the Classification...
IRJET -  	  Implication of Convolutional Neural Network in the Classification...IRJET -  	  Implication of Convolutional Neural Network in the Classification...
IRJET - Implication of Convolutional Neural Network in the Classification...
IRJET Journal
 
IRJET- Glaucoma Detection using Convolutional Neural Network
IRJET- Glaucoma Detection using Convolutional Neural NetworkIRJET- Glaucoma Detection using Convolutional Neural Network
IRJET- Glaucoma Detection using Convolutional Neural Network
IRJET 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
 

Similar to Blood Cell Image Classification for Detecting Malaria using CNN (20)

A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
 
Detection of medical instruments project- PART 1
Detection of medical instruments project- PART 1Detection of medical instruments project- PART 1
Detection of medical instruments project- PART 1
 
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
 
Prediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep LearningPrediction of Cognitive Imperiment using Deep Learning
Prediction of Cognitive Imperiment using Deep Learning
 
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
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
 
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
 
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
 
Malaria Detection System Using Microscopic Blood Smear Image
Malaria Detection System Using Microscopic Blood Smear ImageMalaria Detection System Using Microscopic Blood Smear Image
Malaria Detection System Using Microscopic Blood Smear Image
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing Impaired
 
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning AlgorithmsIRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
IRJET- Diagnosis of Diabetic Retinopathy using Machine Learning Algorithms
 
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATIONBLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
 
DATI, AI E ROBOTICA @POLITO
DATI, AI E ROBOTICA @POLITODATI, AI E ROBOTICA @POLITO
DATI, AI E ROBOTICA @POLITO
 
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNINGA SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNING
 
IRJET- Brain Tumor Detection using Deep Learning
IRJET- Brain Tumor Detection using Deep LearningIRJET- Brain Tumor Detection using Deep Learning
IRJET- Brain Tumor Detection using Deep Learning
 
Skin_Cancer.pptx
Skin_Cancer.pptxSkin_Cancer.pptx
Skin_Cancer.pptx
 
IRJET - Implication of Convolutional Neural Network in the Classification...
IRJET -  	  Implication of Convolutional Neural Network in the Classification...IRJET -  	  Implication of Convolutional Neural Network in the Classification...
IRJET - Implication of Convolutional Neural Network in the Classification...
 
IRJET- Glaucoma Detection using Convolutional Neural Network
IRJET- Glaucoma Detection using Convolutional Neural NetworkIRJET- Glaucoma Detection using Convolutional Neural Network
IRJET- Glaucoma Detection using Convolutional Neural Network
 
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...
 

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 STRUCTURE
IRJET 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 Characteristics
IRJET 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 ADAS
IRJET 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 Pro
IRJET 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 System
IRJET 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 bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET 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 Design
IRJET 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

TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSETECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
DuvanRamosGarzon1
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
Kamal Acharya
 
Architectural Portfolio Sean Lockwood
Architectural Portfolio Sean LockwoodArchitectural Portfolio Sean Lockwood
Architectural Portfolio Sean Lockwood
seandesed
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
AhmedHussein950959
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation & Control
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
fxintegritypublishin
 
addressing modes in computer architecture
addressing modes  in computer architectureaddressing modes  in computer architecture
addressing modes in computer architecture
ShahidSultan24
 
Immunizing Image Classifiers Against Localized Adversary Attacks
Immunizing Image Classifiers Against Localized Adversary AttacksImmunizing Image Classifiers Against Localized Adversary Attacks
Immunizing Image Classifiers Against Localized Adversary Attacks
gerogepatton
 
road safety engineering r s e unit 3.pdf
road safety engineering  r s e unit 3.pdfroad safety engineering  r s e unit 3.pdf
road safety engineering r s e unit 3.pdf
VENKATESHvenky89705
 
block diagram and signal flow graph representation
block diagram and signal flow graph representationblock diagram and signal flow graph representation
block diagram and signal flow graph representation
Divya Somashekar
 
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
obonagu
 
Forklift Classes Overview by Intella Parts
Forklift Classes Overview by Intella PartsForklift Classes Overview by Intella Parts
Forklift Classes Overview by Intella Parts
Intella Parts
 
Courier management system project report.pdf
Courier management system project report.pdfCourier management system project report.pdf
Courier management system project report.pdf
Kamal Acharya
 
The Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdfThe Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdf
Pipe Restoration Solutions
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
TeeVichai
 
Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024
Massimo Talia
 
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
MLILAB
 
LIGA(E)11111111111111111111111111111111111111111.ppt
LIGA(E)11111111111111111111111111111111111111111.pptLIGA(E)11111111111111111111111111111111111111111.ppt
LIGA(E)11111111111111111111111111111111111111111.ppt
ssuser9bd3ba
 
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
AJAYKUMARPUND1
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
Kamal Acharya
 

Recently uploaded (20)

TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSETECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
 
Final project report on grocery store management system..pdf
Final project report on grocery store management system..pdfFinal project report on grocery store management system..pdf
Final project report on grocery store management system..pdf
 
Architectural Portfolio Sean Lockwood
Architectural Portfolio Sean LockwoodArchitectural Portfolio Sean Lockwood
Architectural Portfolio Sean Lockwood
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
 
addressing modes in computer architecture
addressing modes  in computer architectureaddressing modes  in computer architecture
addressing modes in computer architecture
 
Immunizing Image Classifiers Against Localized Adversary Attacks
Immunizing Image Classifiers Against Localized Adversary AttacksImmunizing Image Classifiers Against Localized Adversary Attacks
Immunizing Image Classifiers Against Localized Adversary Attacks
 
road safety engineering r s e unit 3.pdf
road safety engineering  r s e unit 3.pdfroad safety engineering  r s e unit 3.pdf
road safety engineering r s e unit 3.pdf
 
block diagram and signal flow graph representation
block diagram and signal flow graph representationblock diagram and signal flow graph representation
block diagram and signal flow graph representation
 
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
在线办理(ANU毕业证书)澳洲国立大学毕业证录取通知书一模一样
 
Forklift Classes Overview by Intella Parts
Forklift Classes Overview by Intella PartsForklift Classes Overview by Intella Parts
Forklift Classes Overview by Intella Parts
 
Courier management system project report.pdf
Courier management system project report.pdfCourier management system project report.pdf
Courier management system project report.pdf
 
The Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdfThe Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdf
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
 
Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024
 
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
 
LIGA(E)11111111111111111111111111111111111111111.ppt
LIGA(E)11111111111111111111111111111111111111111.pptLIGA(E)11111111111111111111111111111111111111111.ppt
LIGA(E)11111111111111111111111111111111111111111.ppt
 
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
Pile Foundation by Venkatesh Taduvai (Sub Geotechnical Engineering II)-conver...
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
 

Blood Cell Image Classification for Detecting Malaria using CNN

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1086 Blood Cell Image Classification for Detecting Malaria using CNN Debabrata Mallick1 Student Dept. of Computer Science and Engineering, IIT Bombay, Maharashtra, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Artificial intelligence combined with open source tools can improve the diagnosis of the fatal disease malaria. Malaria detection is not an easy procedure, and the availability of qualified personnel around the globe is a serious concern in the diagnosis and treatment of cases. We looked at an interesting real-world medical imaging case study of malaria detection. Easy-to-build, open source techniques leveraging AI can give us state-of-the-art accuracy in detecting malaria, thus enabling AI for social good. AI can improve the diagnosis of Malaria. In our Project, we have used CNN, Max Pooling, Dropout, Rectified Linear Unit (ReLU), and Adam Optimizer for detecting Malaria. Key Words: Deep learning, Convolutional Neural Network, image detection, Convolutional layers, Max Pooling, Dropout. 1. INTRODUCTION Malaria is a serious and life-threatening disease caused by Plasmodium parasites which can travel to the liver by entering the person’s bloodstream. It infects the red blood cells, which results in fatal symptoms. However, this deadly parasite can live in our body for one year without causing any symptoms that lead to death. So, it is really necessary to detect malaria disease earlier to save lives. Artificial intelligence (AI) combined with open-source tools can be used to improve the diagnosis of malaria disease in a fast, easy, and accurate way. This is our motivation to make a model using CNN (convolutional neural network) that helps us to detect malaria by classifying blood cell images. 2. Dataset 2.1 Source of the Dataset For our project, the Dataset we have used is collected from “The Lister Hill National Center for Biomedical Communications (LHNCBC), part of the National Library of Medicine (NLM), USA.” In the dataset, there are 27558 cell images which are divided into two parts Parasitized cell images which contain 13779 images, and Uninfected cell images, which contain 13779. The cell images contained in the dataset were collected from 201 people, and among them, 151 people were infected, and 50 people were healthy. Figure 1: Sample Images of Blood Cell. 3. Methodology 3.1 Environment Setup and Library Import: For this project, we have used Google Colab from our browser, which helps us to write and execute python code. We have imported different libraries that work as follows: ● NumPy: It is a Python library used for working with arrays, matrices, and image processing by using concepts such as vectorization and advanced indexing.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1087 ● Pandas: It is a software library that is used for data manipulation and analysis. ● TensorFlow: It is a Python-friendly open-source library for numerical computation. It also enables the user to implement a deep neural network that is used for solving image recognition/classification tasks. ● OpenCV: It is a library of Python that is used for solving computer vision problems. ● Matplotlib: It is a plotting library for data visualization ● Seaborn: It is a Python data visualization library based on matplotlib, which is used to give a high-level interface for statistical graphics. 3.2 Data Processing: We have resized our images by 64*64 and rotated our images by 40 degrees to change the position of the images. We have also shuffled our image cell by changing the position to detect in which position there is infected cell can be shown. We have also normalized our images by 255 to increase the intensity and to count the pixels accurately. We have also labeled our uninfected images as 0 and infected images as 1. Here we have three color channels in our images that are red, green blue. After processing the data, we divided the data into train and test sets. At first, the dataset is divided into Training and Test set (Train 80%, Test 20%). Then the test set is divided into validation and test set (Validation 50%, Test 50%) Figure 2: Dataset Divided into Training, Validation, and Testing. 3.3 The architecture of our Model: Figure 3: CNN Model Architecture We have used CNN to train our dataset, which is so far been the most popularly used network for analyzing images. However, image analysis has been the most widespread use of CNN’s that can also be used for other data analysis or classification problems as well. ● Convolutional layers: Here, we have used convolutional neural network layers to detect spatial patterns from data. This pattern detection makes the CNN model useful for our image analysis. CNN has hidden layers called
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1088 convolutional layers, and in our project, we have used three convolutional layers. Basically, one convolutional layer receives input. After that, it transforms the input in some way where the outputs of the transform input go to the next convolutional layer. In our project, our first convolutional layer is used to learn small and local patterns, such as edges and corners. We have taken 40 filters and the kernel size as [5,5]. Our second convolutional layer learns larger patterns based on the features from the first layer, where there are 70 filters, and the kernel size is [3,3]. And the last layer logit is used for calculating the accuracy where we have taken 15 filters. Here the kernel size is the same as the second convolutional layer. ● Max Pooling: After that, we have used Max pooling which helps us to downsample and dimension reduction. It also reduces the computational cost by reducing the number of parameters. ● Dropout: We have used dropout to remove some layers. By preventing complex co-adaptations on training data, it reduces overfitting in artificial neural networks. ● Rectified Linear Unit (ReLU): For high-performance analysis, we used the rectified linear activation function. It runs faster and performs better by vanishing the gradient problems. It will give output if the input is positive. Otherwise, it gives the output as 0. 4. Results/Analysis: ● For evaluating the model, we used the confusion matrix, classification report, and accuracy score functions of scikit-learn. The performance of our model with relevant classification metrics is given below: Figure 4: Final Classification Report for Test data ● It looks like our models perform well on the test dataset. After testing the dataset, we have got a good model accuracy. For evaluating the model, we used the confusion matrix, classification report, and accuracy score functions of scikit-learn. We got a training loss of 14.13% using the model, while the evaluation stage accuracy is 93.39% and the loss of 18.23%. ● For the test set the classification report, we got 90% precision and 97% recall when predicting healthy cells. And there is 97% precision and 90% recall when predicting infected cells.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1089 Figure 5: Some Random Predictions and Actual Value ● Some Random Predictions and Actual Value: (Infected Cell = 1, Uninfected Cell = 0) ● If we see the outputs of our model, we get some false positive and false negative predictions. F1-score is 93%. So there is some scope to improve the model. 5. CONCLUSIONS Malaria detection is a complex procedure and needs the proper guidance of qualified personnel around us to diagnose the disease. We tried to make the process easy and accessible for everyone using Machine Learning models. We achieved an accuracy of 93.39 percent using Convolutional neural networks. This model can be used for detecting malaria. In the future, we will try to improve the accuracy of our model for better results and develop a mobile application so that everyone can diagnose Malaria in the quickest possible time. REFERENCES [1] Convolutional neural network - wikipedia,” https://en.wikipedia.org/ wiki/Convolutional_neural_network, (Accessed on 08/14/2022). [2] Detecting malaria with deep learning | opensource.com,” https://opensource.com/article/19/4/detecting-malaria- deep-learning, (Accessed on 08/14/2022). [3] Dilution (neural networks - wikipedia,” https://en.wikipedia.org/wiki/Dilution_(neural_networks, (Accessed on 08/14/2022). [4] Gentle introduction to the adam optimization algorithm for deep learning,” https://machinelearningmastery.com/adam-optimization-algorithm-for-deep-learning/, (Accessed on 08/14/2022). [5] Google colab,” https://colab.research.google.com/github/Giffy/CarCrashDetector/blob/master/, (Accessed on 08/14/2022). [6] Matplotlib - wikipedia,” https://en.wikipedia.org/wiki/Matplotlib, (Accessed on 08/14/2022). [7] Max-pooling / pooling - computer science wiki,” https:// computersciencewiki.org/index.php/Max- pooling_/_Pooling#:~:text=Max, (Accessed on 08/14/2022). [8] Numpy - wikipedia,” https://en.wikipedia.org/wiki/NumPy, (Accessed on 08/14/2022).
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 08 | Aug 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 1090 BIOGRAPHIES Complected M.Tech CSE at IIT Bombay, Maharashtra.