SlideShare a Scribd company logo
1 of 6
Download to read offline
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 868
Brain Tumor Classification using EfficientNet Models
Gopika S, T Samitha
Dept. of Electronics & Communication Engineering, Mahaguru Institute of Technology, Mavelikkara
Asst. Professor, Dept. of Electronics & Communication Engineering, Mahaguru Institute of Technology,
Mavelikkara
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract โ€“A brain tumor refers to a cluster ofaberrantbrain
cells in medical terms. The manual detection of brain tumor
from brain MRI images is a difficult task, and sometimesitcan
cause misdiagnosis. Medical scanning has made it possible to
detect brain tumors using imaging tools. Theygivecliniciansa
detailed image of the human brain. Itispossibletodetectearly
illnesses with sophisticated Artificial Intelligence and neural
network classification models. In thispaper, thebraintumoris
detected from MRI brain images using a CNN model named
EfficientNet. Four Efficient Net models i.e., EfficientNet B0,
EfficientNet B1, EfficientNetB2, and EfficientNetB3 have been
used for brain tumor classification. The performance of each
model has been evaluated and the best model is found among
the four models.
Key Words: Convolutional Neural Network, EfficientNet,
Magnetic Resonance Image, Feature Extraction,
Classification, Grey level run length matrix (GLRLM),
Particle Swarm Optimization (PSO)
1. INTRODUCTION
A brain tumor is an abnormal mass of cells that proliferates
and reproduces uncontrollably in the brain. To identify this
disease and determine the type of brain tumor, doctors
perform several tests [1]. The brain scan is used to analyze
the tumor. The medical field has recently given increased
attention to AI as a result of its successful applications.
Classifying magnetic resonance images with artificial
intelligence has gained much interest in medical image
analysis. There are two general types of brain tumor
classification. The first is the categorization of brain images
into normal or abnormal classes, second is the classification
of different stages of brain tumor.
This paper reviews and examines the brain tumor
classification based on EfficientNet models. Here, based on
the features extracted from the brain scan, an individual's
MRI brain scan is categorized into either "tumor" or "no
tumor." The methodology of brain tumor recognition using
EfficientNet has been explained in are explained in Chapter
3. Chapter 4 shows the experimental results and
performance comparison. The conclusion of the study is
presented in Chapter 5.
2. LITERATURE REVIEW
A combination of the SVM classifier and Fuzzy C means has
been used for detecting brain tumor in [2]. To obtain brain
attributes, the grey level runlengthmatrix(GLRLM)hasbeen
employed in this method. SVM classifiers are employed to
determine whether a brain scan contains a tumor or not. The
SVM classifier was trained by utilizing 96 of the 120 brain
MRI scans and then tested using 24 remaining images. This
method obtained a maximum of 91.66% accuracy in the
classification task. The brain tumor was identified in [3] by
utilizing the Naive Bayes Classifier. An evaluation of 50 brain
scans found an overall accuracy of 94%, with an 81.25
percent tumor identification rate and a 100% non-tumor
detection rate. Here, eight morphological traits and three
intensity features have been derived from the segmented
grayscale brain picture to categorize the tumor. The Naive
Classifier is a supervised machine learning algorithm that is
based on Bayes Probability theory.
In [4], two distinct deep learning-based methods for
classifying and detecting brain tumors have been suggested.
BRATS 2018 dataset has been used in this work. FastAi and
YOLOv5 classification models were both accurate to 94.98
percent and 84.95%, respectively. Here, the classification
model was constructed Based on ResNet34. To identify the
brain tumor, [5] used a simple 8-layer convolutional neural
network. A comparison of network performance with pre-
trained CNNs like VGG16, ResNet50, and InceptionV3 has
been done to evaluate the network effectiveness. The
proposed model achieved 96% training accuracy and 89%
validation accuracy for brain tumor recognition. Here, the
proposed system outperforms all other pretrained CNN
models taken for comparison.
A brain tumor classification system based on Fuzzy C
means algorithmand SVM havebeenproposedin[6].FuzzyC
means algorithm is done for extracting brain features from
MRI brain scan and SVM is used for classification of brain
scan into โ€˜tumor affectedโ€™ or โ€˜tumor not affected, class. The
proposed detection system gives an accuracy of 97.89%
accuracy. A brain image classification model thatcategorizes
a personโ€™s brain scan into either the โ€˜tumorousโ€™ or
โ€˜nontumorousโ€™ class has been implemented in [7]byutilizing
Particle Swarm Optimization (PSO) based segmentation,and
SVM classifier. PSO is used to partition the precise cancer
region. A discrete wavelet transformation (DWT) is applied
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 869
Fig.1: Block diagram of the proposed system
to the thirteen attributes that have been extracted to obtain
brain features. Two SVM classifiers are used to classify brain
images: a linear SVM and a radial basis function SVM. Here
linear SVM gives an accuracy of 71% and radial basis SVM
gives an accuracy of 85%.
3. METHODOLOGY
In this work transfer learning-basedapproachforclassifying
brain scans has been employed. EfficientNetmodelsareused
here for automatic feature extraction and classification of
brain features. The brain tumor detection system consistsof
two phases. One is the training phase and the other is the
testing phase. In the training phase, feature extraction and
classification on the training data set are done to create a
prediction model. In the testing phase, test data is fed to the
prediction model to determine whether the person has the
tumor or not. The main steps involved in both phases are i)
input the MRI data ii) preprocessing iii) feature extraction
and classification.
3.1 Input:
The two-dimensional Magnetic resonance image of an
individualโ€™s brain is fed as the input to the system. The
dataset is partitioned: as a training and testing set. Normally
data is partitioned in 80:20 or 70:30 ratio. The dataset is
collected from Kaggle.
3.2 Pre-processing:
The two-dimensional MRI brain data are of non-uniform
size. The EfficientNetarchitecturerequiresinputdimensions
of 224 ร— 224. Therefore, the 2D brain images have been
resized to a uniform dimension of 224ร—224ร—3.
3.3 Feature extraction and classification:
Automatic feature extraction and classification of brain
features for tumor detection is done by EfficientNet models.
Four efficient models have been used here. They are
EfficientNet B0, EfficientNet B1, EfficientNetB2, EfficientNet
B3. The EfficientNet is a CNN architecture where every
depth, width, and resolution parameter are scaled
continuously by applying a compound coefficient. Hereeach
dimension is consistently scaled with a predeterminedset of
scaling coefficients. This type of scaling increases model
accuracy and efficiency [8]. There are 8 EfficientNet models
i.e, EfficientNet B0-B7.Outof the8modelsEfficientNetB0-B3
has been used in this work. Every EfficientNetmodelshave5
modules. The number of sub-modules varies depending on
the model. Mobile inverted bottleneck convolution layer,
squeeze layer, and excitation layer makes up the core of
EfficientNet. EfficientNet B0 consists of 18 convolution
layers. Since they outperformed numerous other networks
(including DenseNet, Inception, and ResNet) on the
ImageNet test, EfficientNets are advised for classification
jobs.
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 870
EfficientNet B0 EfficientNet B1
EfficientNet B2 EfficientNet B3
Fig 2: Confusion Matrix of EfficientNet models
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 871
EfficientNet B0 EfficientNet B1
EfficientNet B2
EfficientNet B3
Fig 3: Accuracy Curves of EfficientNet models
EFFICIENTNET MODEL TRAINING ACCURACY VALIDATION ACCURACY
EFFICIENTNET B0 58.7% 27.5%
EFFICIENTNET B1 78.4% 85.2%
EFFICIENTNET B2 80.6% 87.04%
EFFICIENTNET B3 98.89% 93.1%
Table 1: Accuracy of EfficientNet models
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 872
EfficientNet B0 EfficientNet B1
EfficientNet B2 EfficientNet B3
Fig 4: Loss Curves of EfficientNet models
EFFICIENTNET MODEL ROC-AUC SCORE
EFFICIENTNET B0 0.5
EFFICIENTNET B1 0.8616
EFFICIENTNET B2 0.8730
EFFICIENTNET B3 0.9639
Table 2: ROC AUC score of EfficientNet models
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 873
4. RESULTS
Two-dimensional MRI imagesfromKaggle whichareresized
to a uniform dimension of 224ร—224ร—3 are fed as input tothe
system. 5712 images were used for training and 1311
images were used for testing. Out of the four EfficientNet
models, EfficientNet B3 provides higher accuracy in brain
tumor classification task. EfficientNet B3 gives 98.8%
training accuracy and 93.1% testing accuracy and
outperforms all the other EfficientNet models. The least
accurate was EfficientNet B0. This network model gives a
low training accuracy score of 58.7% and a validation
accuracy score of 27.5%. The accuracy and performance
comparison of various models are given inTable1andTable
2.
5. CONCLUSION
An abnormal proliferation of braincellscanaffectthebrain's
functionality. Detecting a brain tumor early can result in a
faster response to treatment, increasingsurvival chances[8].
Brain tumors are often detected using MRI brain scans.With
the development of AI methods, CNN, a deep learning
approach, can be used to categorize MRI images for tumor
determination. In this work, automatic brain tumor
detection using four CNN EfficientNet models (EfficientNet
B0-B7) has been done and found the bestone. Incomparison
to EfficientNet B0-B2 models, EfficientNetB3showsthebest
performance for brain tumor classification. In the future,
EfficientNet B4-B7 can also be used to classify brain tumors
and check if the accuracy of detection has increased.
REFERENCES
[1] https://www.mayoclinic.org/diseases-
conditions/brain-tumor/symptoms-causes/syc-
20350084
[2] Parveen and A. Singh, "Detection of a braintumorinMRI
images, using a combination of fuzzy c-meansandSVM,"
2015 2nd International ConferenceonSignal Processing
and Integrated Networks (SPIN), 2015, pp. 98-102,DOI:
10.1109/SPIN.2015.7095308.
[3] H. T. Zaw, N. Maneerat and K. Y. Win, "Brain tumor
detection based on Naรฏve BayesClassification," 20195th
International Conference on Engineering, Applied
Sciences and Technology (EAST), 2019, pp. 1-4, DOI:
10.1109/ICEAST.2019.8802562.
[4] N. M. Dipu, S. A. Shohan and K. M. A. Salam, "Deep
Learning Based Brain Tumor Detection and
Classification," 2021 International Conference on
Intelligent Technologies (CONIT), 2021, pp. 1-6, DOI:
10.1109/CONIT51480.2021.9498384.
[5] Khan, H. A., Jue, W., Mushtaq, M., & Mushtaq, M. U.
(2020). Brain tumor classification in MRI image using
convolutional neural network. Math. Biosci. Eng, 17(5),
6203-6216.
[6] A. Halder and O. Dobe, "Detection of tumor in brain MRI
using fuzzy feature selection and support vector
machine," 2016 International Conference on Advances
in Computing, Communications and Informatics
(ICACCI), 2016, pp. 1919-1923, DOI:
10.1109/ICACCI.2016.7732331.
[7] A. Dixit and A. Nanda, "Brain MR Image Classificationvia
PSO based Segmentation," 2019 Twelfth International
Conference on Contemporary Computing (IC3), 2019,
pp. 1-5, DOI: 10.1109/IC3.2019.8844883.
[8] T. Mantha and B. Eswara Reddy, "A Transfer Learning
method for Brain Tumor Classification using
EfficientNet-B3 model," 2021 IEEE International
Conference on Computation System and Information
Technology forSustainableSolutions(CSITSS),2021,pp.
1-6, DOI: 10.1109/CSITSS54238.2021.9683036.
[9] K. Duvvuri, H. Kanisettypalli and S. Jayan, "Detection of
Brain Tumor Using CNN and CNN-SVM," 2022 3rd
International Conference for Emerging Technology
(INCET), 2022, pp. 1-7, doi:
10.1109/INCET54531.2022.9824725.
[10] M. Gurbinฤƒ, M. Lascu and D. Lascu, "Tumor Detection
and Classification of MRI Brain Image using Different
Wavelet Transforms and Support Vector Machines,"
2019 42nd International Conference on
Telecommunications and Signal Processing(TSP),2019,
pp. 505-508, doi: 10.1109/TSP.2019.8769040.
[11] M Monica Subashini and Sarat Kumar Sahoo, Brain MR
Image Segmentation for Tumour Detection using
Artificial Neural Networks, vol. 5, no. 2, Apr-May 2013.
[12] G. KarayeฤŸen and M. F. AkลŸahin, "Brain Tumor
Prediction with Deep Learning and Tumor Volume
Calculation," 2021 Medical Technologies Congress
(TIPTEKNO), 2021, pp. 1-4, doi:
10.1109/TIPTEKNO53239.2021.9632861.
[13] V. Zeljkovic et al., "Automatic brain tumor detectionand
segmentation in MR images," 2014PanAmericanHealth
Care Exchanges (PAHCE), 2014, pp. 1-1, doi:
10.1109/PAHCE.2014.6849645.
[14] K. T.K. and S. Xavier, "An Intelligent System for Early
Assessment and Classification of Brain Tumor," 2018
Second International Conference on Inventive
Communication and Computational Technologies
(ICICCT), 2018, pp. 1265-1268, doi:
10.1109/ICICCT.2018.8473297.
[15] G Rajesh Chandra, Kolasani Ramchand and H Rao,
"Tumor detection in brain using genetic algorithm", 7th
International Conference on Communication Computing
and Virtualization Elsevier, 2016.

More Related Content

Similar to Brain Tumor Classification using EfficientNet Models

Similar to Brain Tumor Classification using EfficientNet Models (20)

BREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNINGBREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNING
ย 
AI Based Approach for Classification of MultiGrade Tumour in Human Brain
AI Based Approach for Classification of MultiGrade Tumour in Human BrainAI Based Approach for Classification of MultiGrade Tumour in Human Brain
AI Based Approach for Classification of MultiGrade Tumour in Human Brain
ย 
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
ย 
IRJET-A Review on Brain Tumor Detection using BFCFCM Algorithm
IRJET-A Review on Brain Tumor Detection using BFCFCM   AlgorithmIRJET-A Review on Brain Tumor Detection using BFCFCM   Algorithm
IRJET-A Review on Brain Tumor Detection using BFCFCM Algorithm
ย 
Brain Tumor Detection and Classification Using MRI Brain Images
Brain Tumor Detection and Classification Using MRI Brain ImagesBrain Tumor Detection and Classification Using MRI Brain Images
Brain Tumor Detection and Classification Using MRI Brain Images
ย 
Brain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep LearningBrain Tumor Detection From MRI Image Using Deep Learning
Brain Tumor Detection From MRI Image Using Deep Learning
ย 
IRJET- Novel Approach for Detection of Brain Tumor :A Review
IRJET-  	  Novel Approach for Detection of Brain Tumor :A ReviewIRJET-  	  Novel Approach for Detection of Brain Tumor :A Review
IRJET- Novel Approach for Detection of Brain Tumor :A Review
ย 
Multi-Class Skin Disease Classification using Pre-Processing and Multi- Model...
Multi-Class Skin Disease Classification using Pre-Processing and Multi- Model...Multi-Class Skin Disease Classification using Pre-Processing and Multi- Model...
Multi-Class Skin Disease Classification using Pre-Processing and Multi- Model...
ย 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
ย 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
ย 
IRJET - Breast Cancer Risk and Diagnostics using Artificial Neural Network(ANN)
IRJET - Breast Cancer Risk and Diagnostics using Artificial Neural Network(ANN)IRJET - Breast Cancer Risk and Diagnostics using Artificial Neural Network(ANN)
IRJET - Breast Cancer Risk and Diagnostics using Artificial Neural Network(ANN)
ย 
Brain Tumor Detection and Classification using Adaptive Boosting
Brain Tumor Detection and Classification using Adaptive BoostingBrain Tumor Detection and Classification using Adaptive Boosting
Brain Tumor Detection and Classification using Adaptive Boosting
ย 
IRJET- Brain Tumor Detection using Hybrid Model of DCT DWT and Thresholding
IRJET- Brain Tumor Detection using Hybrid Model of DCT DWT and ThresholdingIRJET- Brain Tumor Detection using Hybrid Model of DCT DWT and Thresholding
IRJET- Brain Tumor Detection using Hybrid Model of DCT DWT and Thresholding
ย 
Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...
Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...
Convolutional Neural Network Based Method for Accurate Brain Tumor Detection ...
ย 
Brain Tumor Detection Using Deep Learning
Brain Tumor Detection Using Deep LearningBrain Tumor Detection Using Deep Learning
Brain Tumor Detection Using Deep Learning
ย 
Deep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor ClassificationDeep Learning based Multi-class Brain Tumor Classification
Deep Learning based Multi-class Brain Tumor Classification
ย 
Review of Classification algorithms for Brain MRI images
Review of Classification algorithms for Brain MRI imagesReview of Classification algorithms for Brain MRI images
Review of Classification algorithms for Brain MRI images
ย 
Machine Learning Aided Breast Cancer Classification
Machine Learning Aided Breast Cancer ClassificationMachine Learning Aided Breast Cancer Classification
Machine Learning Aided Breast Cancer Classification
ย 
IRJET- Image Processing for Brain Tumor Segmentation and Classification
IRJET-  	  Image Processing for Brain Tumor Segmentation and ClassificationIRJET-  	  Image Processing for Brain Tumor Segmentation and Classification
IRJET- Image Processing for Brain Tumor Segmentation and Classification
ย 
IRJET - Detection of Skin Cancer using Convolutional Neural Network
IRJET -  	  Detection of Skin Cancer using Convolutional Neural NetworkIRJET -  	  Detection of Skin Cancer using Convolutional Neural Network
IRJET - Detection of Skin Cancer using Convolutional Neural Network
ย 

More from 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

UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
sivaprakash250
ย 
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
SUHANI PANDEY
ย 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
ankushspencer015
ย 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
dollysharma2066
ย 

Recently uploaded (20)

Design For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the startDesign For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the start
ย 
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
ย 
Intro To Electric Vehicles PDF Notes.pdf
Intro To Electric Vehicles PDF Notes.pdfIntro To Electric Vehicles PDF Notes.pdf
Intro To Electric Vehicles PDF Notes.pdf
ย 
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdfONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ONLINE FOOD ORDER SYSTEM PROJECT REPORT.pdf
ย 
(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
ย 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
ย 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghly
ย 
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
ย 
Bhosari ( Call Girls ) Pune 6297143586 Hot Model With Sexy Bhabi Ready For ...
Bhosari ( Call Girls ) Pune  6297143586  Hot Model With Sexy Bhabi Ready For ...Bhosari ( Call Girls ) Pune  6297143586  Hot Model With Sexy Bhabi Ready For ...
Bhosari ( Call Girls ) Pune 6297143586 Hot Model With Sexy Bhabi Ready For ...
ย 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
ย 
Double Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueDouble Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torque
ย 
Work-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptxWork-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptx
ย 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
ย 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
ย 
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank  Design by Working Stress - IS Method.pdfIntze Overhead Water Tank  Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
ย 
Thermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VThermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - V
ย 
data_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdfdata_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdf
ย 
Unleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapUnleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leap
ย 
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
ย 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . ppt
ย 

Brain Tumor Classification using EfficientNet Models

  • 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 868 Brain Tumor Classification using EfficientNet Models Gopika S, T Samitha Dept. of Electronics & Communication Engineering, Mahaguru Institute of Technology, Mavelikkara Asst. Professor, Dept. of Electronics & Communication Engineering, Mahaguru Institute of Technology, Mavelikkara ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract โ€“A brain tumor refers to a cluster ofaberrantbrain cells in medical terms. The manual detection of brain tumor from brain MRI images is a difficult task, and sometimesitcan cause misdiagnosis. Medical scanning has made it possible to detect brain tumors using imaging tools. Theygivecliniciansa detailed image of the human brain. Itispossibletodetectearly illnesses with sophisticated Artificial Intelligence and neural network classification models. In thispaper, thebraintumoris detected from MRI brain images using a CNN model named EfficientNet. Four Efficient Net models i.e., EfficientNet B0, EfficientNet B1, EfficientNetB2, and EfficientNetB3 have been used for brain tumor classification. The performance of each model has been evaluated and the best model is found among the four models. Key Words: Convolutional Neural Network, EfficientNet, Magnetic Resonance Image, Feature Extraction, Classification, Grey level run length matrix (GLRLM), Particle Swarm Optimization (PSO) 1. INTRODUCTION A brain tumor is an abnormal mass of cells that proliferates and reproduces uncontrollably in the brain. To identify this disease and determine the type of brain tumor, doctors perform several tests [1]. The brain scan is used to analyze the tumor. The medical field has recently given increased attention to AI as a result of its successful applications. Classifying magnetic resonance images with artificial intelligence has gained much interest in medical image analysis. There are two general types of brain tumor classification. The first is the categorization of brain images into normal or abnormal classes, second is the classification of different stages of brain tumor. This paper reviews and examines the brain tumor classification based on EfficientNet models. Here, based on the features extracted from the brain scan, an individual's MRI brain scan is categorized into either "tumor" or "no tumor." The methodology of brain tumor recognition using EfficientNet has been explained in are explained in Chapter 3. Chapter 4 shows the experimental results and performance comparison. The conclusion of the study is presented in Chapter 5. 2. LITERATURE REVIEW A combination of the SVM classifier and Fuzzy C means has been used for detecting brain tumor in [2]. To obtain brain attributes, the grey level runlengthmatrix(GLRLM)hasbeen employed in this method. SVM classifiers are employed to determine whether a brain scan contains a tumor or not. The SVM classifier was trained by utilizing 96 of the 120 brain MRI scans and then tested using 24 remaining images. This method obtained a maximum of 91.66% accuracy in the classification task. The brain tumor was identified in [3] by utilizing the Naive Bayes Classifier. An evaluation of 50 brain scans found an overall accuracy of 94%, with an 81.25 percent tumor identification rate and a 100% non-tumor detection rate. Here, eight morphological traits and three intensity features have been derived from the segmented grayscale brain picture to categorize the tumor. The Naive Classifier is a supervised machine learning algorithm that is based on Bayes Probability theory. In [4], two distinct deep learning-based methods for classifying and detecting brain tumors have been suggested. BRATS 2018 dataset has been used in this work. FastAi and YOLOv5 classification models were both accurate to 94.98 percent and 84.95%, respectively. Here, the classification model was constructed Based on ResNet34. To identify the brain tumor, [5] used a simple 8-layer convolutional neural network. A comparison of network performance with pre- trained CNNs like VGG16, ResNet50, and InceptionV3 has been done to evaluate the network effectiveness. The proposed model achieved 96% training accuracy and 89% validation accuracy for brain tumor recognition. Here, the proposed system outperforms all other pretrained CNN models taken for comparison. A brain tumor classification system based on Fuzzy C means algorithmand SVM havebeenproposedin[6].FuzzyC means algorithm is done for extracting brain features from MRI brain scan and SVM is used for classification of brain scan into โ€˜tumor affectedโ€™ or โ€˜tumor not affected, class. The proposed detection system gives an accuracy of 97.89% accuracy. A brain image classification model thatcategorizes a personโ€™s brain scan into either the โ€˜tumorousโ€™ or โ€˜nontumorousโ€™ class has been implemented in [7]byutilizing Particle Swarm Optimization (PSO) based segmentation,and SVM classifier. PSO is used to partition the precise cancer region. A discrete wavelet transformation (DWT) is applied
  • 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 869 Fig.1: Block diagram of the proposed system to the thirteen attributes that have been extracted to obtain brain features. Two SVM classifiers are used to classify brain images: a linear SVM and a radial basis function SVM. Here linear SVM gives an accuracy of 71% and radial basis SVM gives an accuracy of 85%. 3. METHODOLOGY In this work transfer learning-basedapproachforclassifying brain scans has been employed. EfficientNetmodelsareused here for automatic feature extraction and classification of brain features. The brain tumor detection system consistsof two phases. One is the training phase and the other is the testing phase. In the training phase, feature extraction and classification on the training data set are done to create a prediction model. In the testing phase, test data is fed to the prediction model to determine whether the person has the tumor or not. The main steps involved in both phases are i) input the MRI data ii) preprocessing iii) feature extraction and classification. 3.1 Input: The two-dimensional Magnetic resonance image of an individualโ€™s brain is fed as the input to the system. The dataset is partitioned: as a training and testing set. Normally data is partitioned in 80:20 or 70:30 ratio. The dataset is collected from Kaggle. 3.2 Pre-processing: The two-dimensional MRI brain data are of non-uniform size. The EfficientNetarchitecturerequiresinputdimensions of 224 ร— 224. Therefore, the 2D brain images have been resized to a uniform dimension of 224ร—224ร—3. 3.3 Feature extraction and classification: Automatic feature extraction and classification of brain features for tumor detection is done by EfficientNet models. Four efficient models have been used here. They are EfficientNet B0, EfficientNet B1, EfficientNetB2, EfficientNet B3. The EfficientNet is a CNN architecture where every depth, width, and resolution parameter are scaled continuously by applying a compound coefficient. Hereeach dimension is consistently scaled with a predeterminedset of scaling coefficients. This type of scaling increases model accuracy and efficiency [8]. There are 8 EfficientNet models i.e, EfficientNet B0-B7.Outof the8modelsEfficientNetB0-B3 has been used in this work. Every EfficientNetmodelshave5 modules. The number of sub-modules varies depending on the model. Mobile inverted bottleneck convolution layer, squeeze layer, and excitation layer makes up the core of EfficientNet. EfficientNet B0 consists of 18 convolution layers. Since they outperformed numerous other networks (including DenseNet, Inception, and ResNet) on the ImageNet test, EfficientNets are advised for classification jobs.
  • 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 870 EfficientNet B0 EfficientNet B1 EfficientNet B2 EfficientNet B3 Fig 2: Confusion Matrix of EfficientNet models
  • 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 871 EfficientNet B0 EfficientNet B1 EfficientNet B2 EfficientNet B3 Fig 3: Accuracy Curves of EfficientNet models EFFICIENTNET MODEL TRAINING ACCURACY VALIDATION ACCURACY EFFICIENTNET B0 58.7% 27.5% EFFICIENTNET B1 78.4% 85.2% EFFICIENTNET B2 80.6% 87.04% EFFICIENTNET B3 98.89% 93.1% Table 1: Accuracy of EfficientNet models
  • 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 872 EfficientNet B0 EfficientNet B1 EfficientNet B2 EfficientNet B3 Fig 4: Loss Curves of EfficientNet models EFFICIENTNET MODEL ROC-AUC SCORE EFFICIENTNET B0 0.5 EFFICIENTNET B1 0.8616 EFFICIENTNET B2 0.8730 EFFICIENTNET B3 0.9639 Table 2: ROC AUC score of EfficientNet models
  • 6. 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 873 4. RESULTS Two-dimensional MRI imagesfromKaggle whichareresized to a uniform dimension of 224ร—224ร—3 are fed as input tothe system. 5712 images were used for training and 1311 images were used for testing. Out of the four EfficientNet models, EfficientNet B3 provides higher accuracy in brain tumor classification task. EfficientNet B3 gives 98.8% training accuracy and 93.1% testing accuracy and outperforms all the other EfficientNet models. The least accurate was EfficientNet B0. This network model gives a low training accuracy score of 58.7% and a validation accuracy score of 27.5%. The accuracy and performance comparison of various models are given inTable1andTable 2. 5. CONCLUSION An abnormal proliferation of braincellscanaffectthebrain's functionality. Detecting a brain tumor early can result in a faster response to treatment, increasingsurvival chances[8]. Brain tumors are often detected using MRI brain scans.With the development of AI methods, CNN, a deep learning approach, can be used to categorize MRI images for tumor determination. In this work, automatic brain tumor detection using four CNN EfficientNet models (EfficientNet B0-B7) has been done and found the bestone. Incomparison to EfficientNet B0-B2 models, EfficientNetB3showsthebest performance for brain tumor classification. In the future, EfficientNet B4-B7 can also be used to classify brain tumors and check if the accuracy of detection has increased. REFERENCES [1] https://www.mayoclinic.org/diseases- conditions/brain-tumor/symptoms-causes/syc- 20350084 [2] Parveen and A. Singh, "Detection of a braintumorinMRI images, using a combination of fuzzy c-meansandSVM," 2015 2nd International ConferenceonSignal Processing and Integrated Networks (SPIN), 2015, pp. 98-102,DOI: 10.1109/SPIN.2015.7095308. [3] H. T. Zaw, N. Maneerat and K. Y. Win, "Brain tumor detection based on Naรฏve BayesClassification," 20195th International Conference on Engineering, Applied Sciences and Technology (EAST), 2019, pp. 1-4, DOI: 10.1109/ICEAST.2019.8802562. [4] N. M. Dipu, S. A. Shohan and K. M. A. Salam, "Deep Learning Based Brain Tumor Detection and Classification," 2021 International Conference on Intelligent Technologies (CONIT), 2021, pp. 1-6, DOI: 10.1109/CONIT51480.2021.9498384. [5] Khan, H. A., Jue, W., Mushtaq, M., & Mushtaq, M. U. (2020). Brain tumor classification in MRI image using convolutional neural network. Math. Biosci. Eng, 17(5), 6203-6216. [6] A. Halder and O. Dobe, "Detection of tumor in brain MRI using fuzzy feature selection and support vector machine," 2016 International Conference on Advances in Computing, Communications and Informatics (ICACCI), 2016, pp. 1919-1923, DOI: 10.1109/ICACCI.2016.7732331. [7] A. Dixit and A. Nanda, "Brain MR Image Classificationvia PSO based Segmentation," 2019 Twelfth International Conference on Contemporary Computing (IC3), 2019, pp. 1-5, DOI: 10.1109/IC3.2019.8844883. [8] T. Mantha and B. Eswara Reddy, "A Transfer Learning method for Brain Tumor Classification using EfficientNet-B3 model," 2021 IEEE International Conference on Computation System and Information Technology forSustainableSolutions(CSITSS),2021,pp. 1-6, DOI: 10.1109/CSITSS54238.2021.9683036. [9] K. Duvvuri, H. Kanisettypalli and S. Jayan, "Detection of Brain Tumor Using CNN and CNN-SVM," 2022 3rd International Conference for Emerging Technology (INCET), 2022, pp. 1-7, doi: 10.1109/INCET54531.2022.9824725. [10] M. Gurbinฤƒ, M. Lascu and D. Lascu, "Tumor Detection and Classification of MRI Brain Image using Different Wavelet Transforms and Support Vector Machines," 2019 42nd International Conference on Telecommunications and Signal Processing(TSP),2019, pp. 505-508, doi: 10.1109/TSP.2019.8769040. [11] M Monica Subashini and Sarat Kumar Sahoo, Brain MR Image Segmentation for Tumour Detection using Artificial Neural Networks, vol. 5, no. 2, Apr-May 2013. [12] G. KarayeฤŸen and M. F. AkลŸahin, "Brain Tumor Prediction with Deep Learning and Tumor Volume Calculation," 2021 Medical Technologies Congress (TIPTEKNO), 2021, pp. 1-4, doi: 10.1109/TIPTEKNO53239.2021.9632861. [13] V. Zeljkovic et al., "Automatic brain tumor detectionand segmentation in MR images," 2014PanAmericanHealth Care Exchanges (PAHCE), 2014, pp. 1-1, doi: 10.1109/PAHCE.2014.6849645. [14] K. T.K. and S. Xavier, "An Intelligent System for Early Assessment and Classification of Brain Tumor," 2018 Second International Conference on Inventive Communication and Computational Technologies (ICICCT), 2018, pp. 1265-1268, doi: 10.1109/ICICCT.2018.8473297. [15] G Rajesh Chandra, Kolasani Ramchand and H Rao, "Tumor detection in brain using genetic algorithm", 7th International Conference on Communication Computing and Virtualization Elsevier, 2016.