SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 381
Deep Neural Network for the Automated Detection and Diagnosis of
Seizure using EEG Signals
Leena Arun Yeola1, Prof.Dr.M.P.Satone2
1Department of Electronics & Communication Engineering, K. K. Wagh Institute of Engineering Education &
Research, Nashik, India.
2Department of Electronics & Communication Engineering, K. K. Wagh Institute of Engineering Education &
Research, Nashik, India.
----------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - An encephalogram (EEG) is generally used
ancillary test for the diagnosis of epilepsy. The EEG signal
contains information about brain electrical activity.
Neurologists employ direct visual inspection to identify
epileptiform abnormalities and this technique can be time-
consuming which provides variable results secondary to
reader expertise level and is limited to identify the
abnormalities. Since itisessentialtodevelopacomputer-aided
diagnosis (CAD) system to automatically distinguish the
classes of EEG signals using machine learningtechniques. This
is the first time to study the convolutional neural network
(CNN) for analysis of EEG signals. In this work, 11-layer deep
convolutional neural network (CNN) algorithm is
implemented to detect normal, preictal, and seizure classes.
This technique achieved an accuracy as high as possible with
99%.
Key Words: epilepsy, convolutional neural network,
encephalogram signals, deep learning, seizure.
1. INTRODUCTION
According to the World Health Organization (WHO),
nearly 60 million people suffer from epilepsy worldwide. It
is estimated that 2.5 million people are diagnosed with
epilepsy annually. Seizures are due to the uncontrolled
electrical discharges in a group of neurons. Epilepsy is
diagnosed when there is the recurrence of at least two
unprovoked seizures. It can act on anyone at any age. A
timely and accurate diagnosis of epilepsy is essential for
patients in order to initiate anti-epileptic drug therapy and
subsequently reduce the risk of future seizures and seizure-
related complications. Currently, the diagnosis of epilepsyis
made by obtaining a detailed history, performing a
neurological exam, and ancillary testing such as
neuroimaging and EEG. The EEG signals can identify inter-
ictal means between seizures and ictal meansduringseizure
epileptiform abnormalities. Figure 1 shows a graphical
representation of the brain electrical activity of healthy
subjects and seizure patients. Neurons are communicated
through electrical signals. Therefore, activitiesoftheregular
brain, electrical signals are normally regulated. However,
during a seizure, there is an abnormally increased hyper-
synchronous electrical activity of the epileptogenic neural
network. This activity may remain localized to some part of
the brain or spread to the entire brain. Neurologists inspect
the EEG via direct visual inspection to investigate for
epileptiform abnormalities that may provide valuable
information on the type and etiology of a patient’s epilepsy
[1].
However, the judgment of the EEG signals by visual
assessment is time-consuming particularly with the
increased use of out-patient static EEG’s and in-patient
continuous video EEG recordings, where there are many of
EEG data that needs to be reviewed manually. The majority
of EEG software includes some form of automated seizure
detection; however, due to the poor sensitivity and
specificity of the pre-determined seizure detection
algorithms, thecurrentformsofautomatedseizuredetection
are rarely used in clinical practice. Additionally, the natural
nature of visual inspection results in varying clinical
clarification based on the EEG reader’s level of expertise in
electroencephalography.Complicatingmatters,thequalityof
the study may be confounded by interfering artefactual
signal limiting the reader’s ability to accurately identify
abnormalities. Moreover, the lowyieldofroutineout-patient
studies poses another problem. A patient with epilepsy can
go for an outpatient EEG and the study may be completely
normal. This is because the brains of patients with epilepsy
are generally not continually firing off epileptic discharges.
An EEG is simply a “snapshot” of the brain at the moment of
recording. The sensitivity of identifying epileptic discharges
can be increased by having the patient come back for
repeated outpatient studies or recording them for longer
periods of time, either via a home ambulatory study or an
inpatient continuous video EEG monitoringstudy,which are
both costly and time_ consuming for the patient and for the
physician reading the EEG. A trained neurologist analyzes
the clinical characteristics of the event in conjunction with a
visual inspection of the EEG to determine whether the
patient has epilepsy or not. The increased amount of data
also allows the neurologist to look for inter-ictal
abnormalities. Seizures can be partial andexistinonepart of
the brain only, or they can be general and affect both halves
of the brain. During a focal seizure, the person may be
conscious and unaware that a seizure is taking place, orthey
may have uncontrollablemovementsorunusual feelingsand
sensations [3]. A diagnosis of epilepsy is made with the help
of an electroencephalogram (EEG). EEG recordings are
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 382
commonly visualized as charts of electrical energyproduced
by the brain and plotted against time. The visual
interpretation of these signals is prone to inter-observer
variabilities. Therefore, for an accurate, fast, and objective
diagnosis a computer-aided diagnosis (CAD) system is
advocated. Since the seminal article by Adeli et al.,
automated EEG-based seizure detection and epilepsy
diagnosis has been the subject of significant research. Many
researchers have proposed different approaches to
automatically detect epileptic seizure using EEG signals.For
reviews of this literature, see Acharya et al. and Faust et al.
where different approaches, namely, time, frequency, time-
frequency, and nonlinear methods are discussed. Acharya et
al. also review the application of entropies for automated
EEG-based diagnosis of epilepsy. The EEG signal isnonlinear
and nonstationary in nature thus; the signal is highly
complex and is difficult to visually interpret the signals (see
Figure 1). Based on the reviews, it can be observed that the
researchers have extracted features, performed statistical
analysis, ranked the features, and classified the best
classifier by comparing the performance of different
classifiers [1].
Deep learning is a type of machine learning in which a
model learns to perform classification tasks directly from
images, text, or sound. Deep learning isusuallyimplemented
using neural network architecture.Theterm“deep”refers to
the number of layers in the network the more layers, the
deeper the network. Traditional neural networks contain
only 2 or 3 layers, while deep networks can have hundreds.
A deep neural network combines multiple nonlinear
processing layers, using simple elements operating in
parallel and inspired by biological nervous systems. It
consists of an input layer, several hidden layers, and an
output layer. The layers are interconnected via nodes, or
neurons, with each hidden layer using the output of the
previous layer as its input. In this study, a deep learning
method is employed to automatically identify the three
classes of EEG signals. To the best the authors' knowledge,
this is the first EEG study to employ a deep learning
algorithm for the automated classification of three EEG
classes [1]. An 11-layer deep convolutional neural network
(CNN) is developed to categorize the normal, preictal, and
seizure class.
The structure, of the remainder, of this paper, is as
follows. Section 2 describes the methodology included the
flow of the system, preprocessing and neural networks.
Section 3 discusses deep learning and its use in seizure and
non-seizure classification, next describes the evaluationand
the results are discussed in Section 4 and the paper is
concluded in Section 5.
2. METHODOLOGY
2.1. The flow of the proposed system
Fig -1: Flow of the System
Fig -2: Sample normal, preictal, and seizure EEG signals
from the Bonn University database.
Figure 1 displays sample normal, interictal, and
seizure EEG signals from the Bonn University database. EEG
segments used in this research are those collected by
Andrzejak et al. [7] at Bonn University, Germany
(http://epilepsy.uni-freiburg.de/database). The dataset
obtained from 5 patients contains three classes of data,
namely, Set B as normal, Set D as preictal, and Set E as a
seizure. There is a total of 100 EEG signals in each dataset.
Each record is a single channel EEG signal with a duration of
23.6 seconds. The normal dataset comprises of EEG signals
obtained from 5 healthy subjects, each containing100cases.
Likewise, the preictal class contains 100 data from 5
epileptic patients, when they did not undergoseizureduring
the time of acquisition. The seizure class consists of 100
cases with the same subjects when they were having
epilepsy during the time of signals acquisition [22].
2.2. Preprocessing:
Each EEG signal 1D waveform converted to 2D image by
using CWT. The EEG signal is sampled at 173.61Hz.Thedata
augmentation of dataset take place that means image rotate
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 383
(-5 to 5). We got 5100 images per class. Total images were
15300. The deep convolutional neural network (CNN) for
training and testing. We trained 90% data and tested 10%
data. Total 13770 images were trained. Remaining 1530
images were tested.
Fig -3: CWT of EEG Signals
2.3. Artificial Neural Network (ANN):
Artificial neural networks are computational systems
originally inspired by the human brain.Theyconsistofmany
computational units, called neurons, which perform a basic
operation and pass the information of that operation to
further neurons. The operation is generally a summation of
the information received by the neuron followed by the
application of a simple, non-linear function. In most neural
networks, these neurons are then organizedintounitscalled
layers. The processing of neurons in one layer usually feeds
into the calculations of the next, though certain types of
networks will allow for information to pass within layers or
even to previous layers. The final layer of a neural network
outputs a result, which is interpreted for classification [5].
2.4. Convolution Neural Network (CNN):
An improved and recently-developed neural network,
known as Convolutional Neural Network (CNN)isemployed
in this research. The improved ANN is both shift and
translational invariance. The convolution operation in CNN
is a subset of deep learning which has attracted a lot of
attention in recent year and used in image recognition such
as analysis of x-ray medical images, magnetic resonance
images, and computed tomography images.
A convolutional neural network (CNN)isoneofthemost
popular algorithms for deep learning with images and
videos. Like other neural networks, CNN is composed of an
input layer, an output layer, and many hidden layers in
between [4].
A. Feature Detection Layers: These layers perform
one of three types of operations on the data:
convolution, pooling, or rectified linearunit(ReLU).
1. Convolution puts the input images through a set of
convolutional filters, each of whichactivatescertain
features from the images.
1
0
N
k n k n
n
y x h

 

 ……………(1)
Where x is signal, h is filtered, and N is the
number of elements in x. The output vector is y.The
subscripts denote the nth element of the vector.
2. Pooling simplifies the output by performing
nonlinear downsampling, reducing the number of
parameters that the network needs to learn about.
3. Rectified linear unit (ReLU) allows for faster and
more effective training by mapping negative values
to zero and maintaining positive values.
if x 0
( )
0.01 otherwise
x
f x
x

 

…………..(2)
These three operations are repeated over tens or
hundreds of layers, with each layer learning to detect
different features.
B. Classification Layers
After feature detection, the architecture of CNN shiftsto
classification.
1. The next-to-last layer is a fully connected layer
(FC) that outputs a vector of K dimensions where K
is the number of classes that the network will be
able to predict. This vector contains the
probabilities for each class of any image being
classified.
2. The final layer of the CNN architecture uses a
softmax function to provide the classification
output.
k xk
1
for j 1,....,k.
e
x jj e
p 


………(3)
Where x is the net input. Output values of p are between 0
and 1 and their sum equals to 1.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 384
3. ARCHITECTURE
Fig -4: Layer Architecture of the system
The input layer (in Figure 4) is convolved using
equation (1) with 64x64 pixel RGB images to produce the
next layer with kernel size 5x5. Then, a max-poolingofsize2
is applied to 20 feature map. Layer activated with Relu
function. After the max-pooling operation, the number of
neurons is reduced. Again, the 30 feature map in the
previous layer is convolved with a kernel ofsize5toproduce
the next layer. A max-pooling operationofsize2isapplied to
feature map, reducing the number of neurons with Relu
activation function. Then, 50 feature map from this layer is
convolved with a kernel of size 5 to produce the next Layer.
Again, a max-pooling of size 2 is applied to reduce the
number of neurons in the output layer with an activation
layer used Relu function. Flattening the samples then dense
with activation function Relu. Finally, the last layer (Output
Layer) with 3 output neurons(representingnormal,preictal,
and seizure classes) using softmax function.
4. EVALUATION and RESULTS
4.1. Training and Testing of Data:
A total of 150 epochs of training were run in this
work. An epoch refers to one iteration of the full trainingset.
After every iteration of an epoch, our algorithmvalidatesthe
CNN model by using 90% of the total training dataset and
10% of the testing dataset in the model. This is to prevent
overfitting of the CNN model during training because Early
Stopping imported in the model [19].A total number of
samples of all dataset for training was 13770 and testing
1530. From these samples, the evaluationtook placeandtest
accuracy evaluated. The performance (accuracy) of the
proposed model with respect to training and testing is
summarized in the following Table.
Table -1: Performance of the proposed model
Fig -5: Snapshot of the performance evaluation
5. CONCLUSION
The proposed model works witha small trainingset
and aimed for low-resolution images with high accuracy.We
were able to achieve competitive classification rate with the
help of deep learning based EEG classification system. The
model can be deployed on any embedded system in the
future.
REFERENCES
[1] Acharya, U. R, Oh, S. L., Hagiwara, Y., Tan, J. H., Adam, M.,
Gertych, A., Tan, R. S., 2017 “A deepconvolutional neural
network for the automated detection and diagnosis of
seizure using EEG signals”.,
DOI:10.1016/j.compbiomed.2017.08.022.
[2] Acharya, U. R, Sree, S. V., Swapna, G., Martis, R. J, Suri, J.
S.,2013. Automated EEG analysis of epilepsy: A review,
Knowledge-Based Systems, 45:147-165.
[3] P. Fergus, A. Hussain, David Hignett, D. Al-Jumeily,
Khaled Abdel-Aziz, Hani Hamdan “A machine learning
system for automated whole-brain seizure detection”
Applied Computing and Informatics (2015).
[4] Faust, O., Acharya, U. R., Adeli, H., Adeli, A., 2015.
Wavelet-based EEG processing for computer-aided
seizure detection and epilepsy diagnosis,Seizure26:56-
64.
[5] Satyanarayana Vollala & Karnakar Gulla “Automatic
Detection Of Epilepsy EEG Using Neural Networks”
Number of
Trained
samples
Number of
Test
samples
Accuracy
13770 1530 99.47
13770 1530 99.21
13770 1530 97.64
13770 1530 97.38
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 385
International Journal of Internet Computing ISSN No:
2231 – 6965, VOL- 1,(2016).
[6] Goodfellow. I., Bengio. Y., Courville. A., 2016. Deep
Learning. MITPress,http://www.deeplearningbook.org.
[7] Andrzejak, R. G., Lehnertz, K., Rieke, C., Mormann, F.,
David, P., Elger, C. E., 2001. Indications of nonlinear
deterministic and finite dimensional structures in time
series of brain electrical activity: Dependence on
recording region and brain state, Physical Review E,
64:061907.
[8] Fukushima, K., 1980, Neocognitron: A self-organizing
neural network model for a mechanism of pattern
recognition unaffected by shift in position, Biological
Cybernetics 36:193-202.
[9] Kallenberg. M., Petersen. K., Nielsen. M., Ng.Y.A.,Diao.P.
F., Igel. C., Vachon. C. M., Holland. K., Winkel. R. R.,
Karssemeijer. N., Lillholm. M., 2016. Unsupervised deep
learning applied to breast density segmentation and
mammographic risk scoring, IEEE Transactions on
Medical Imaging, 35(5):1322-1331.
[10] Pereira. S., Pinto. A., Alves. V., Silva. C. A., 2016. Brain
tumor segmentation using convolutional neural
networks in MRI images, IEEE Transactions on Medical
Imaging, 35(5):1240-1251.
[11] Hatipoglu. N., Bilgin. G., 2017. Cell segmentation in
histopathological images with deep learning algorithms
by utilizing spatial relationships, Medical and Biological
Engineering andComputing, 1-20,doi:10.1007/s11517-
017-1630-1.
[12] Acharya, U. R, Fujita, H., Oh, S. L., Hagiwara, Y., Tan, J. H.,
Muhammad, A., 2017. Application of deepconvolutional
neural network for automated detection of myocardial
infarction using ECG signals, Information Sciences,415-
416:190-198.
[13] Acharya, U. R, Fujita, H., Oh, S. L., Hagiwara, Y., Tan, J. H.,
Muhammad, A., 2017. Automated detection of
arrhythmias using differentintervalsoftachycardia ECG
segments with the convolutional neural network,
Information Sciences, 405:81-90.
[14] Acharya, U. R, Fujita, H., Oh, S. L., Muhammad, A., Tan, J.
H., Chua, K. C., 2017. Automated detection of coronary
artery disease usingdifferentdurationsofECGsegments
with the convolutional neural network, Knowledge-
Based Systems, DOI:
https://doi.org/10.1016/j.knosys.2017.06.003.
[15] Acharya, U. R, Oh, S. L., Hagiwara, Y., Tan, J. H., Adam, M.,
Gertych, A., Tan, R. S., 2017 A deep convolutional neural
network model to classify heartbeats, Computers in
Biology and Medicine, DOI:
10.1016/j.compbiomed.2017.08.022.
[16] M. Z. Ahmad, Maryam Saeed, Sajid Saleem, and AwaisM.
Kamboh School of Electrical Engineering and Computer
Science National University of Sciences andTechnology,
Islamabad Seizure Detection using EEG: A survey of
different Techniques 978-1-5090-3552-6/16/ 2016
IEEE.
[17] The Edureka Deep Learning with TensorFlow Certificati
on Training course helps learners become expert in
training and optimizing basic and convolutional neural
networks using real-time projects and assignments
along with concepts such as SoftMax function, Auto-
encoder Neural Networks, Restricted Boltzmann
Machine (RBM).
www.edureka.co/blog/tensorflow-tutorial
[18] Stober, S., Sternin, A., Owen, A. M., & Grahn, J. A. (2015).
Deep Feature Learning for EEG Recordings. Arxiv, 1–24.
Retrieved from http://arxiv.org/abs/1511.04306.
[19] https://www.edureka.co/blog/python-tutorial/
[20] World Health Organization, 2017. Epilepsy.
http://www.who.int/mediacentre/factsheets/fs999/en
/.
[21] American Epilepsy Society, Facts and figures.
https://www.aesnet.org/forpatients=facts figures:
[22] Bonn university data.
http://epileptologiebonn.de/cms/upload/workgroup/l
ehnertz/eegdata.html

More Related Content

What's hot

A0510107
A0510107A0510107
A0510107
IOSR Journals
 
Let’s master the digital toolkit to harness lifelong neuroplasticity
Let’s master the digital toolkit to harness lifelong neuroplasticityLet’s master the digital toolkit to harness lifelong neuroplasticity
Let’s master the digital toolkit to harness lifelong neuroplasticity
SharpBrains
 
P180305106115
P180305106115P180305106115
P180305106115
IOSR Journals
 
POWER SPECTRAL ANALYSIS OF EEG AS A POTENTIAL MARKER IN THE DIAGNOSIS OF SPAS...
POWER SPECTRAL ANALYSIS OF EEG AS A POTENTIAL MARKER IN THE DIAGNOSIS OF SPAS...POWER SPECTRAL ANALYSIS OF EEG AS A POTENTIAL MARKER IN THE DIAGNOSIS OF SPAS...
POWER SPECTRAL ANALYSIS OF EEG AS A POTENTIAL MARKER IN THE DIAGNOSIS OF SPAS...
ijbesjournal
 
Algamantas juozapavcius
Algamantas juozapavciusAlgamantas juozapavcius
Algamantas juozapavcius
Dr. D K RAVISH Bangre
 
Classification of EEG Signals for Brain-Computer Interface
Classification of EEG Signals for Brain-Computer InterfaceClassification of EEG Signals for Brain-Computer Interface
Classification of EEG Signals for Brain-Computer Interface
Azoft
 
Neurotechnology Webinar Series: Dementia Biodesign
Neurotechnology Webinar Series: Dementia BiodesignNeurotechnology Webinar Series: Dementia Biodesign
Neurotechnology Webinar Series: Dementia Biodesign
KTN
 
Analysis of EEG data Using ICA and Algorithm Development for Energy Comparison
Analysis of EEG data Using ICA and Algorithm Development for Energy ComparisonAnalysis of EEG data Using ICA and Algorithm Development for Energy Comparison
Analysis of EEG data Using ICA and Algorithm Development for Energy Comparison
ijsrd.com
 
15 Trends In Neurotechnologies That Will Change The World
15 Trends In Neurotechnologies That Will Change The World15 Trends In Neurotechnologies That Will Change The World
15 Trends In Neurotechnologies That Will Change The World
Nikita Lukianets
 
Int journal 04
Int journal 04Int journal 04
Int journal 04
Salai Selvam V
 
Development of portable eeg for treatment & diagnosis of disorders
Development of portable eeg for treatment & diagnosis of disordersDevelopment of portable eeg for treatment & diagnosis of disorders
Development of portable eeg for treatment & diagnosis of disorders
andfaulkner
 
Priyaseminar presentation
Priyaseminar presentationPriyaseminar presentation
Priyaseminar presentation
PriyankaParlhande
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
ijistjournal
 
Ferree Resume
Ferree ResumeFerree Resume
Ferree Resume
Thomas Ferree
 
Brain Computer Interface for User Recognition And Smart Home Control
Brain Computer Interface for User Recognition And Smart Home ControlBrain Computer Interface for User Recognition And Smart Home Control
Brain Computer Interface for User Recognition And Smart Home Control
IJTET Journal
 
Epileptic Seizure Detection using An EEG Sensor
Epileptic Seizure Detection using An EEG SensorEpileptic Seizure Detection using An EEG Sensor
Epileptic Seizure Detection using An EEG Sensor
IRJET Journal
 
Feature Extraction Techniques and Classification Algorithms for EEG Signals t...
Feature Extraction Techniques and Classification Algorithms for EEG Signals t...Feature Extraction Techniques and Classification Algorithms for EEG Signals t...
Feature Extraction Techniques and Classification Algorithms for EEG Signals t...
Editor IJCATR
 

What's hot (17)

A0510107
A0510107A0510107
A0510107
 
Let’s master the digital toolkit to harness lifelong neuroplasticity
Let’s master the digital toolkit to harness lifelong neuroplasticityLet’s master the digital toolkit to harness lifelong neuroplasticity
Let’s master the digital toolkit to harness lifelong neuroplasticity
 
P180305106115
P180305106115P180305106115
P180305106115
 
POWER SPECTRAL ANALYSIS OF EEG AS A POTENTIAL MARKER IN THE DIAGNOSIS OF SPAS...
POWER SPECTRAL ANALYSIS OF EEG AS A POTENTIAL MARKER IN THE DIAGNOSIS OF SPAS...POWER SPECTRAL ANALYSIS OF EEG AS A POTENTIAL MARKER IN THE DIAGNOSIS OF SPAS...
POWER SPECTRAL ANALYSIS OF EEG AS A POTENTIAL MARKER IN THE DIAGNOSIS OF SPAS...
 
Algamantas juozapavcius
Algamantas juozapavciusAlgamantas juozapavcius
Algamantas juozapavcius
 
Classification of EEG Signals for Brain-Computer Interface
Classification of EEG Signals for Brain-Computer InterfaceClassification of EEG Signals for Brain-Computer Interface
Classification of EEG Signals for Brain-Computer Interface
 
Neurotechnology Webinar Series: Dementia Biodesign
Neurotechnology Webinar Series: Dementia BiodesignNeurotechnology Webinar Series: Dementia Biodesign
Neurotechnology Webinar Series: Dementia Biodesign
 
Analysis of EEG data Using ICA and Algorithm Development for Energy Comparison
Analysis of EEG data Using ICA and Algorithm Development for Energy ComparisonAnalysis of EEG data Using ICA and Algorithm Development for Energy Comparison
Analysis of EEG data Using ICA and Algorithm Development for Energy Comparison
 
15 Trends In Neurotechnologies That Will Change The World
15 Trends In Neurotechnologies That Will Change The World15 Trends In Neurotechnologies That Will Change The World
15 Trends In Neurotechnologies That Will Change The World
 
Int journal 04
Int journal 04Int journal 04
Int journal 04
 
Development of portable eeg for treatment & diagnosis of disorders
Development of portable eeg for treatment & diagnosis of disordersDevelopment of portable eeg for treatment & diagnosis of disorders
Development of portable eeg for treatment & diagnosis of disorders
 
Priyaseminar presentation
Priyaseminar presentationPriyaseminar presentation
Priyaseminar presentation
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
 
Ferree Resume
Ferree ResumeFerree Resume
Ferree Resume
 
Brain Computer Interface for User Recognition And Smart Home Control
Brain Computer Interface for User Recognition And Smart Home ControlBrain Computer Interface for User Recognition And Smart Home Control
Brain Computer Interface for User Recognition And Smart Home Control
 
Epileptic Seizure Detection using An EEG Sensor
Epileptic Seizure Detection using An EEG SensorEpileptic Seizure Detection using An EEG Sensor
Epileptic Seizure Detection using An EEG Sensor
 
Feature Extraction Techniques and Classification Algorithms for EEG Signals t...
Feature Extraction Techniques and Classification Algorithms for EEG Signals t...Feature Extraction Techniques and Classification Algorithms for EEG Signals t...
Feature Extraction Techniques and Classification Algorithms for EEG Signals t...
 

Similar to IRJET- Deep Neural Network for the Automated Detection and Diagnosis of Seizure using EEG Signals

EEG Signal Classification using Deep Neural Network
EEG Signal Classification using Deep Neural NetworkEEG Signal Classification using Deep Neural Network
EEG Signal Classification using Deep Neural Network
IRJET Journal
 
Seizure stage detection of epileptic seizure using convolutional neural networks
Seizure stage detection of epileptic seizure using convolutional neural networksSeizure stage detection of epileptic seizure using convolutional neural networks
Seizure stage detection of epileptic seizure using convolutional neural networks
IJECEIAES
 
08 17079 ijict
08 17079 ijict08 17079 ijict
08 17079 ijict
IAESIJEECS
 
Brain research journal regional differences nova
Brain research journal regional differences   nova Brain research journal regional differences   nova
Brain research journal regional differences nova
Vladimír Krajča
 
IRJET- Deep Learning Technique for Feature Classification of Eeg to Acces...
IRJET-  	  Deep Learning Technique for Feature Classification of Eeg to Acces...IRJET-  	  Deep Learning Technique for Feature Classification of Eeg to Acces...
IRJET- Deep Learning Technique for Feature Classification of Eeg to Acces...
IRJET Journal
 
Effective electroencephalogram based epileptic seizure detection using suppo...
Effective electroencephalogram based epileptic seizure detection  using suppo...Effective electroencephalogram based epileptic seizure detection  using suppo...
Effective electroencephalogram based epileptic seizure detection using suppo...
IJECEIAES
 
Health electroencephalogram epileptic classification based on Hilbert probabi...
Health electroencephalogram epileptic classification based on Hilbert probabi...Health electroencephalogram epileptic classification based on Hilbert probabi...
Health electroencephalogram epileptic classification based on Hilbert probabi...
IJECEIAES
 
A Novel Approach For Detection of Neurological Disorders through Electrical P...
A Novel Approach For Detection of Neurological Disorders through Electrical P...A Novel Approach For Detection of Neurological Disorders through Electrical P...
A Novel Approach For Detection of Neurological Disorders through Electrical P...
IJECEIAES
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
ijistjournal
 
Study and analysis of motion artifacts for ambulatory electroencephalography
Study and analysis of motion artifacts for ambulatory  electroencephalographyStudy and analysis of motion artifacts for ambulatory  electroencephalography
Study and analysis of motion artifacts for ambulatory electroencephalography
IJECEIAES
 
MHEALTH APPLICATIONS DEVELOPED BY THE MINISTRY OF HEALTH FOR PUBLIC USERS INK...
MHEALTH APPLICATIONS DEVELOPED BY THE MINISTRY OF HEALTH FOR PUBLIC USERS INK...MHEALTH APPLICATIONS DEVELOPED BY THE MINISTRY OF HEALTH FOR PUBLIC USERS INK...
MHEALTH APPLICATIONS DEVELOPED BY THE MINISTRY OF HEALTH FOR PUBLIC USERS INK...
hiij
 
NEUROPHYSIOLOGY technique.pptx
NEUROPHYSIOLOGY technique.pptxNEUROPHYSIOLOGY technique.pptx
NEUROPHYSIOLOGY technique.pptx
Mr SACHIN
 
Kh3517801787
Kh3517801787Kh3517801787
Kh3517801787
IJERA Editor
 
Brain Finger Printing
Brain Finger PrintingBrain Finger Printing
Brain Finger Printing
Garima Singh
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
ijistjournal
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
ijistjournal
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
ijistjournal
 
Epilepsy Prediction using Machine Learning
Epilepsy Prediction using Machine LearningEpilepsy Prediction using Machine Learning
Epilepsy Prediction using Machine Learning
IRJET Journal
 
Computer Aided Detection of Obstructive Sleep Apnea from EEG Signals
Computer Aided Detection of Obstructive Sleep Apnea from EEG SignalsComputer Aided Detection of Obstructive Sleep Apnea from EEG Signals
Computer Aided Detection of Obstructive Sleep Apnea from EEG Signals
sipij
 
Computer Aided Detection of Obstructive Sleep Apnea from EEG Signals
Computer Aided Detection of Obstructive Sleep Apnea from EEG SignalsComputer Aided Detection of Obstructive Sleep Apnea from EEG Signals
Computer Aided Detection of Obstructive Sleep Apnea from EEG Signals
sipij
 

Similar to IRJET- Deep Neural Network for the Automated Detection and Diagnosis of Seizure using EEG Signals (20)

EEG Signal Classification using Deep Neural Network
EEG Signal Classification using Deep Neural NetworkEEG Signal Classification using Deep Neural Network
EEG Signal Classification using Deep Neural Network
 
Seizure stage detection of epileptic seizure using convolutional neural networks
Seizure stage detection of epileptic seizure using convolutional neural networksSeizure stage detection of epileptic seizure using convolutional neural networks
Seizure stage detection of epileptic seizure using convolutional neural networks
 
08 17079 ijict
08 17079 ijict08 17079 ijict
08 17079 ijict
 
Brain research journal regional differences nova
Brain research journal regional differences   nova Brain research journal regional differences   nova
Brain research journal regional differences nova
 
IRJET- Deep Learning Technique for Feature Classification of Eeg to Acces...
IRJET-  	  Deep Learning Technique for Feature Classification of Eeg to Acces...IRJET-  	  Deep Learning Technique for Feature Classification of Eeg to Acces...
IRJET- Deep Learning Technique for Feature Classification of Eeg to Acces...
 
Effective electroencephalogram based epileptic seizure detection using suppo...
Effective electroencephalogram based epileptic seizure detection  using suppo...Effective electroencephalogram based epileptic seizure detection  using suppo...
Effective electroencephalogram based epileptic seizure detection using suppo...
 
Health electroencephalogram epileptic classification based on Hilbert probabi...
Health electroencephalogram epileptic classification based on Hilbert probabi...Health electroencephalogram epileptic classification based on Hilbert probabi...
Health electroencephalogram epileptic classification based on Hilbert probabi...
 
A Novel Approach For Detection of Neurological Disorders through Electrical P...
A Novel Approach For Detection of Neurological Disorders through Electrical P...A Novel Approach For Detection of Neurological Disorders through Electrical P...
A Novel Approach For Detection of Neurological Disorders through Electrical P...
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
 
Study and analysis of motion artifacts for ambulatory electroencephalography
Study and analysis of motion artifacts for ambulatory  electroencephalographyStudy and analysis of motion artifacts for ambulatory  electroencephalography
Study and analysis of motion artifacts for ambulatory electroencephalography
 
MHEALTH APPLICATIONS DEVELOPED BY THE MINISTRY OF HEALTH FOR PUBLIC USERS INK...
MHEALTH APPLICATIONS DEVELOPED BY THE MINISTRY OF HEALTH FOR PUBLIC USERS INK...MHEALTH APPLICATIONS DEVELOPED BY THE MINISTRY OF HEALTH FOR PUBLIC USERS INK...
MHEALTH APPLICATIONS DEVELOPED BY THE MINISTRY OF HEALTH FOR PUBLIC USERS INK...
 
NEUROPHYSIOLOGY technique.pptx
NEUROPHYSIOLOGY technique.pptxNEUROPHYSIOLOGY technique.pptx
NEUROPHYSIOLOGY technique.pptx
 
Kh3517801787
Kh3517801787Kh3517801787
Kh3517801787
 
Brain Finger Printing
Brain Finger PrintingBrain Finger Printing
Brain Finger Printing
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
 
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGSMETHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
METHODS OF COMMAND RECOGNITION USING SINGLE-CHANNEL EEGS
 
Epilepsy Prediction using Machine Learning
Epilepsy Prediction using Machine LearningEpilepsy Prediction using Machine Learning
Epilepsy Prediction using Machine Learning
 
Computer Aided Detection of Obstructive Sleep Apnea from EEG Signals
Computer Aided Detection of Obstructive Sleep Apnea from EEG SignalsComputer Aided Detection of Obstructive Sleep Apnea from EEG Signals
Computer Aided Detection of Obstructive Sleep Apnea from EEG Signals
 
Computer Aided Detection of Obstructive Sleep Apnea from EEG Signals
Computer Aided Detection of Obstructive Sleep Apnea from EEG SignalsComputer Aided Detection of Obstructive Sleep Apnea from EEG Signals
Computer Aided Detection of Obstructive Sleep Apnea from EEG Signals
 

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

PPT on GRP pipes manufacturing and testing
PPT on GRP pipes manufacturing and testingPPT on GRP pipes manufacturing and testing
PPT on GRP pipes manufacturing and testing
anoopmanoharan2
 
Understanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine LearningUnderstanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine Learning
SUTEJAS
 
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODELDEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
gerogepatton
 
Question paper of renewable energy sources
Question paper of renewable energy sourcesQuestion paper of renewable energy sources
Question paper of renewable energy sources
mahammadsalmanmech
 
basic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdfbasic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdf
NidhalKahouli2
 
2. Operations Strategy in a Global Environment.ppt
2. Operations Strategy in a Global Environment.ppt2. Operations Strategy in a Global Environment.ppt
2. Operations Strategy in a Global Environment.ppt
PuktoonEngr
 
Presentation of IEEE Slovenia CIS (Computational Intelligence Society) Chapte...
Presentation of IEEE Slovenia CIS (Computational Intelligence Society) Chapte...Presentation of IEEE Slovenia CIS (Computational Intelligence Society) Chapte...
Presentation of IEEE Slovenia CIS (Computational Intelligence Society) Chapte...
University of Maribor
 
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECTCHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
jpsjournal1
 
Low power architecture of logic gates using adiabatic techniques
Low power architecture of logic gates using adiabatic techniquesLow power architecture of logic gates using adiabatic techniques
Low power architecture of logic gates using adiabatic techniques
nooriasukmaningtyas
 
132/33KV substation case study Presentation
132/33KV substation case study Presentation132/33KV substation case study Presentation
132/33KV substation case study Presentation
kandramariana6
 
IEEE Aerospace and Electronic Systems Society as a Graduate Student Member
IEEE Aerospace and Electronic Systems Society as a Graduate Student MemberIEEE Aerospace and Electronic Systems Society as a Graduate Student Member
IEEE Aerospace and Electronic Systems Society as a Graduate Student Member
VICTOR MAESTRE RAMIREZ
 
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptxML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
JamalHussainArman
 
Swimming pool mechanical components design.pptx
Swimming pool  mechanical components design.pptxSwimming pool  mechanical components design.pptx
Swimming pool mechanical components design.pptx
yokeleetan1
 
Embedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoringEmbedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoring
IJECEIAES
 
Generative AI leverages algorithms to create various forms of content
Generative AI leverages algorithms to create various forms of contentGenerative AI leverages algorithms to create various forms of content
Generative AI leverages algorithms to create various forms of content
Hitesh Mohapatra
 
哪里办理(csu毕业证书)查尔斯特大学毕业证硕士学历原版一模一样
哪里办理(csu毕业证书)查尔斯特大学毕业证硕士学历原版一模一样哪里办理(csu毕业证书)查尔斯特大学毕业证硕士学历原版一模一样
哪里办理(csu毕业证书)查尔斯特大学毕业证硕士学历原版一模一样
insn4465
 
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdfBPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
MIGUELANGEL966976
 
Literature Review Basics and Understanding Reference Management.pptx
Literature Review Basics and Understanding Reference Management.pptxLiterature Review Basics and Understanding Reference Management.pptx
Literature Review Basics and Understanding Reference Management.pptx
Dr Ramhari Poudyal
 
Advanced control scheme of doubly fed induction generator for wind turbine us...
Advanced control scheme of doubly fed induction generator for wind turbine us...Advanced control scheme of doubly fed induction generator for wind turbine us...
Advanced control scheme of doubly fed induction generator for wind turbine us...
IJECEIAES
 
CSM Cloud Service Management Presentarion
CSM Cloud Service Management PresentarionCSM Cloud Service Management Presentarion
CSM Cloud Service Management Presentarion
rpskprasana
 

Recently uploaded (20)

PPT on GRP pipes manufacturing and testing
PPT on GRP pipes manufacturing and testingPPT on GRP pipes manufacturing and testing
PPT on GRP pipes manufacturing and testing
 
Understanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine LearningUnderstanding Inductive Bias in Machine Learning
Understanding Inductive Bias in Machine Learning
 
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODELDEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
DEEP LEARNING FOR SMART GRID INTRUSION DETECTION: A HYBRID CNN-LSTM-BASED MODEL
 
Question paper of renewable energy sources
Question paper of renewable energy sourcesQuestion paper of renewable energy sources
Question paper of renewable energy sources
 
basic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdfbasic-wireline-operations-course-mahmoud-f-radwan.pdf
basic-wireline-operations-course-mahmoud-f-radwan.pdf
 
2. Operations Strategy in a Global Environment.ppt
2. Operations Strategy in a Global Environment.ppt2. Operations Strategy in a Global Environment.ppt
2. Operations Strategy in a Global Environment.ppt
 
Presentation of IEEE Slovenia CIS (Computational Intelligence Society) Chapte...
Presentation of IEEE Slovenia CIS (Computational Intelligence Society) Chapte...Presentation of IEEE Slovenia CIS (Computational Intelligence Society) Chapte...
Presentation of IEEE Slovenia CIS (Computational Intelligence Society) Chapte...
 
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECTCHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
CHINA’S GEO-ECONOMIC OUTREACH IN CENTRAL ASIAN COUNTRIES AND FUTURE PROSPECT
 
Low power architecture of logic gates using adiabatic techniques
Low power architecture of logic gates using adiabatic techniquesLow power architecture of logic gates using adiabatic techniques
Low power architecture of logic gates using adiabatic techniques
 
132/33KV substation case study Presentation
132/33KV substation case study Presentation132/33KV substation case study Presentation
132/33KV substation case study Presentation
 
IEEE Aerospace and Electronic Systems Society as a Graduate Student Member
IEEE Aerospace and Electronic Systems Society as a Graduate Student MemberIEEE Aerospace and Electronic Systems Society as a Graduate Student Member
IEEE Aerospace and Electronic Systems Society as a Graduate Student Member
 
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptxML Based Model for NIDS MSc Updated Presentation.v2.pptx
ML Based Model for NIDS MSc Updated Presentation.v2.pptx
 
Swimming pool mechanical components design.pptx
Swimming pool  mechanical components design.pptxSwimming pool  mechanical components design.pptx
Swimming pool mechanical components design.pptx
 
Embedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoringEmbedded machine learning-based road conditions and driving behavior monitoring
Embedded machine learning-based road conditions and driving behavior monitoring
 
Generative AI leverages algorithms to create various forms of content
Generative AI leverages algorithms to create various forms of contentGenerative AI leverages algorithms to create various forms of content
Generative AI leverages algorithms to create various forms of content
 
哪里办理(csu毕业证书)查尔斯特大学毕业证硕士学历原版一模一样
哪里办理(csu毕业证书)查尔斯特大学毕业证硕士学历原版一模一样哪里办理(csu毕业证书)查尔斯特大学毕业证硕士学历原版一模一样
哪里办理(csu毕业证书)查尔斯特大学毕业证硕士学历原版一模一样
 
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdfBPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
BPV-GUI-01-Guide-for-ASME-Review-Teams-(General)-10-10-2023.pdf
 
Literature Review Basics and Understanding Reference Management.pptx
Literature Review Basics and Understanding Reference Management.pptxLiterature Review Basics and Understanding Reference Management.pptx
Literature Review Basics and Understanding Reference Management.pptx
 
Advanced control scheme of doubly fed induction generator for wind turbine us...
Advanced control scheme of doubly fed induction generator for wind turbine us...Advanced control scheme of doubly fed induction generator for wind turbine us...
Advanced control scheme of doubly fed induction generator for wind turbine us...
 
CSM Cloud Service Management Presentarion
CSM Cloud Service Management PresentarionCSM Cloud Service Management Presentarion
CSM Cloud Service Management Presentarion
 

IRJET- Deep Neural Network for the Automated Detection and Diagnosis of Seizure using EEG Signals

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 381 Deep Neural Network for the Automated Detection and Diagnosis of Seizure using EEG Signals Leena Arun Yeola1, Prof.Dr.M.P.Satone2 1Department of Electronics & Communication Engineering, K. K. Wagh Institute of Engineering Education & Research, Nashik, India. 2Department of Electronics & Communication Engineering, K. K. Wagh Institute of Engineering Education & Research, Nashik, India. ----------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - An encephalogram (EEG) is generally used ancillary test for the diagnosis of epilepsy. The EEG signal contains information about brain electrical activity. Neurologists employ direct visual inspection to identify epileptiform abnormalities and this technique can be time- consuming which provides variable results secondary to reader expertise level and is limited to identify the abnormalities. Since itisessentialtodevelopacomputer-aided diagnosis (CAD) system to automatically distinguish the classes of EEG signals using machine learningtechniques. This is the first time to study the convolutional neural network (CNN) for analysis of EEG signals. In this work, 11-layer deep convolutional neural network (CNN) algorithm is implemented to detect normal, preictal, and seizure classes. This technique achieved an accuracy as high as possible with 99%. Key Words: epilepsy, convolutional neural network, encephalogram signals, deep learning, seizure. 1. INTRODUCTION According to the World Health Organization (WHO), nearly 60 million people suffer from epilepsy worldwide. It is estimated that 2.5 million people are diagnosed with epilepsy annually. Seizures are due to the uncontrolled electrical discharges in a group of neurons. Epilepsy is diagnosed when there is the recurrence of at least two unprovoked seizures. It can act on anyone at any age. A timely and accurate diagnosis of epilepsy is essential for patients in order to initiate anti-epileptic drug therapy and subsequently reduce the risk of future seizures and seizure- related complications. Currently, the diagnosis of epilepsyis made by obtaining a detailed history, performing a neurological exam, and ancillary testing such as neuroimaging and EEG. The EEG signals can identify inter- ictal means between seizures and ictal meansduringseizure epileptiform abnormalities. Figure 1 shows a graphical representation of the brain electrical activity of healthy subjects and seizure patients. Neurons are communicated through electrical signals. Therefore, activitiesoftheregular brain, electrical signals are normally regulated. However, during a seizure, there is an abnormally increased hyper- synchronous electrical activity of the epileptogenic neural network. This activity may remain localized to some part of the brain or spread to the entire brain. Neurologists inspect the EEG via direct visual inspection to investigate for epileptiform abnormalities that may provide valuable information on the type and etiology of a patient’s epilepsy [1]. However, the judgment of the EEG signals by visual assessment is time-consuming particularly with the increased use of out-patient static EEG’s and in-patient continuous video EEG recordings, where there are many of EEG data that needs to be reviewed manually. The majority of EEG software includes some form of automated seizure detection; however, due to the poor sensitivity and specificity of the pre-determined seizure detection algorithms, thecurrentformsofautomatedseizuredetection are rarely used in clinical practice. Additionally, the natural nature of visual inspection results in varying clinical clarification based on the EEG reader’s level of expertise in electroencephalography.Complicatingmatters,thequalityof the study may be confounded by interfering artefactual signal limiting the reader’s ability to accurately identify abnormalities. Moreover, the lowyieldofroutineout-patient studies poses another problem. A patient with epilepsy can go for an outpatient EEG and the study may be completely normal. This is because the brains of patients with epilepsy are generally not continually firing off epileptic discharges. An EEG is simply a “snapshot” of the brain at the moment of recording. The sensitivity of identifying epileptic discharges can be increased by having the patient come back for repeated outpatient studies or recording them for longer periods of time, either via a home ambulatory study or an inpatient continuous video EEG monitoringstudy,which are both costly and time_ consuming for the patient and for the physician reading the EEG. A trained neurologist analyzes the clinical characteristics of the event in conjunction with a visual inspection of the EEG to determine whether the patient has epilepsy or not. The increased amount of data also allows the neurologist to look for inter-ictal abnormalities. Seizures can be partial andexistinonepart of the brain only, or they can be general and affect both halves of the brain. During a focal seizure, the person may be conscious and unaware that a seizure is taking place, orthey may have uncontrollablemovementsorunusual feelingsand sensations [3]. A diagnosis of epilepsy is made with the help of an electroencephalogram (EEG). EEG recordings are
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 382 commonly visualized as charts of electrical energyproduced by the brain and plotted against time. The visual interpretation of these signals is prone to inter-observer variabilities. Therefore, for an accurate, fast, and objective diagnosis a computer-aided diagnosis (CAD) system is advocated. Since the seminal article by Adeli et al., automated EEG-based seizure detection and epilepsy diagnosis has been the subject of significant research. Many researchers have proposed different approaches to automatically detect epileptic seizure using EEG signals.For reviews of this literature, see Acharya et al. and Faust et al. where different approaches, namely, time, frequency, time- frequency, and nonlinear methods are discussed. Acharya et al. also review the application of entropies for automated EEG-based diagnosis of epilepsy. The EEG signal isnonlinear and nonstationary in nature thus; the signal is highly complex and is difficult to visually interpret the signals (see Figure 1). Based on the reviews, it can be observed that the researchers have extracted features, performed statistical analysis, ranked the features, and classified the best classifier by comparing the performance of different classifiers [1]. Deep learning is a type of machine learning in which a model learns to perform classification tasks directly from images, text, or sound. Deep learning isusuallyimplemented using neural network architecture.Theterm“deep”refers to the number of layers in the network the more layers, the deeper the network. Traditional neural networks contain only 2 or 3 layers, while deep networks can have hundreds. A deep neural network combines multiple nonlinear processing layers, using simple elements operating in parallel and inspired by biological nervous systems. It consists of an input layer, several hidden layers, and an output layer. The layers are interconnected via nodes, or neurons, with each hidden layer using the output of the previous layer as its input. In this study, a deep learning method is employed to automatically identify the three classes of EEG signals. To the best the authors' knowledge, this is the first EEG study to employ a deep learning algorithm for the automated classification of three EEG classes [1]. An 11-layer deep convolutional neural network (CNN) is developed to categorize the normal, preictal, and seizure class. The structure, of the remainder, of this paper, is as follows. Section 2 describes the methodology included the flow of the system, preprocessing and neural networks. Section 3 discusses deep learning and its use in seizure and non-seizure classification, next describes the evaluationand the results are discussed in Section 4 and the paper is concluded in Section 5. 2. METHODOLOGY 2.1. The flow of the proposed system Fig -1: Flow of the System Fig -2: Sample normal, preictal, and seizure EEG signals from the Bonn University database. Figure 1 displays sample normal, interictal, and seizure EEG signals from the Bonn University database. EEG segments used in this research are those collected by Andrzejak et al. [7] at Bonn University, Germany (http://epilepsy.uni-freiburg.de/database). The dataset obtained from 5 patients contains three classes of data, namely, Set B as normal, Set D as preictal, and Set E as a seizure. There is a total of 100 EEG signals in each dataset. Each record is a single channel EEG signal with a duration of 23.6 seconds. The normal dataset comprises of EEG signals obtained from 5 healthy subjects, each containing100cases. Likewise, the preictal class contains 100 data from 5 epileptic patients, when they did not undergoseizureduring the time of acquisition. The seizure class consists of 100 cases with the same subjects when they were having epilepsy during the time of signals acquisition [22]. 2.2. Preprocessing: Each EEG signal 1D waveform converted to 2D image by using CWT. The EEG signal is sampled at 173.61Hz.Thedata augmentation of dataset take place that means image rotate
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 383 (-5 to 5). We got 5100 images per class. Total images were 15300. The deep convolutional neural network (CNN) for training and testing. We trained 90% data and tested 10% data. Total 13770 images were trained. Remaining 1530 images were tested. Fig -3: CWT of EEG Signals 2.3. Artificial Neural Network (ANN): Artificial neural networks are computational systems originally inspired by the human brain.Theyconsistofmany computational units, called neurons, which perform a basic operation and pass the information of that operation to further neurons. The operation is generally a summation of the information received by the neuron followed by the application of a simple, non-linear function. In most neural networks, these neurons are then organizedintounitscalled layers. The processing of neurons in one layer usually feeds into the calculations of the next, though certain types of networks will allow for information to pass within layers or even to previous layers. The final layer of a neural network outputs a result, which is interpreted for classification [5]. 2.4. Convolution Neural Network (CNN): An improved and recently-developed neural network, known as Convolutional Neural Network (CNN)isemployed in this research. The improved ANN is both shift and translational invariance. The convolution operation in CNN is a subset of deep learning which has attracted a lot of attention in recent year and used in image recognition such as analysis of x-ray medical images, magnetic resonance images, and computed tomography images. A convolutional neural network (CNN)isoneofthemost popular algorithms for deep learning with images and videos. Like other neural networks, CNN is composed of an input layer, an output layer, and many hidden layers in between [4]. A. Feature Detection Layers: These layers perform one of three types of operations on the data: convolution, pooling, or rectified linearunit(ReLU). 1. Convolution puts the input images through a set of convolutional filters, each of whichactivatescertain features from the images. 1 0 N k n k n n y x h      ……………(1) Where x is signal, h is filtered, and N is the number of elements in x. The output vector is y.The subscripts denote the nth element of the vector. 2. Pooling simplifies the output by performing nonlinear downsampling, reducing the number of parameters that the network needs to learn about. 3. Rectified linear unit (ReLU) allows for faster and more effective training by mapping negative values to zero and maintaining positive values. if x 0 ( ) 0.01 otherwise x f x x     …………..(2) These three operations are repeated over tens or hundreds of layers, with each layer learning to detect different features. B. Classification Layers After feature detection, the architecture of CNN shiftsto classification. 1. The next-to-last layer is a fully connected layer (FC) that outputs a vector of K dimensions where K is the number of classes that the network will be able to predict. This vector contains the probabilities for each class of any image being classified. 2. The final layer of the CNN architecture uses a softmax function to provide the classification output. k xk 1 for j 1,....,k. e x jj e p    ………(3) Where x is the net input. Output values of p are between 0 and 1 and their sum equals to 1.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 384 3. ARCHITECTURE Fig -4: Layer Architecture of the system The input layer (in Figure 4) is convolved using equation (1) with 64x64 pixel RGB images to produce the next layer with kernel size 5x5. Then, a max-poolingofsize2 is applied to 20 feature map. Layer activated with Relu function. After the max-pooling operation, the number of neurons is reduced. Again, the 30 feature map in the previous layer is convolved with a kernel ofsize5toproduce the next layer. A max-pooling operationofsize2isapplied to feature map, reducing the number of neurons with Relu activation function. Then, 50 feature map from this layer is convolved with a kernel of size 5 to produce the next Layer. Again, a max-pooling of size 2 is applied to reduce the number of neurons in the output layer with an activation layer used Relu function. Flattening the samples then dense with activation function Relu. Finally, the last layer (Output Layer) with 3 output neurons(representingnormal,preictal, and seizure classes) using softmax function. 4. EVALUATION and RESULTS 4.1. Training and Testing of Data: A total of 150 epochs of training were run in this work. An epoch refers to one iteration of the full trainingset. After every iteration of an epoch, our algorithmvalidatesthe CNN model by using 90% of the total training dataset and 10% of the testing dataset in the model. This is to prevent overfitting of the CNN model during training because Early Stopping imported in the model [19].A total number of samples of all dataset for training was 13770 and testing 1530. From these samples, the evaluationtook placeandtest accuracy evaluated. The performance (accuracy) of the proposed model with respect to training and testing is summarized in the following Table. Table -1: Performance of the proposed model Fig -5: Snapshot of the performance evaluation 5. CONCLUSION The proposed model works witha small trainingset and aimed for low-resolution images with high accuracy.We were able to achieve competitive classification rate with the help of deep learning based EEG classification system. The model can be deployed on any embedded system in the future. REFERENCES [1] Acharya, U. R, Oh, S. L., Hagiwara, Y., Tan, J. H., Adam, M., Gertych, A., Tan, R. S., 2017 “A deepconvolutional neural network for the automated detection and diagnosis of seizure using EEG signals”., DOI:10.1016/j.compbiomed.2017.08.022. [2] Acharya, U. R, Sree, S. V., Swapna, G., Martis, R. J, Suri, J. S.,2013. Automated EEG analysis of epilepsy: A review, Knowledge-Based Systems, 45:147-165. [3] P. Fergus, A. Hussain, David Hignett, D. Al-Jumeily, Khaled Abdel-Aziz, Hani Hamdan “A machine learning system for automated whole-brain seizure detection” Applied Computing and Informatics (2015). [4] Faust, O., Acharya, U. R., Adeli, H., Adeli, A., 2015. Wavelet-based EEG processing for computer-aided seizure detection and epilepsy diagnosis,Seizure26:56- 64. [5] Satyanarayana Vollala & Karnakar Gulla “Automatic Detection Of Epilepsy EEG Using Neural Networks” Number of Trained samples Number of Test samples Accuracy 13770 1530 99.47 13770 1530 99.21 13770 1530 97.64 13770 1530 97.38
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 07 | July 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 385 International Journal of Internet Computing ISSN No: 2231 – 6965, VOL- 1,(2016). [6] Goodfellow. I., Bengio. Y., Courville. A., 2016. Deep Learning. MITPress,http://www.deeplearningbook.org. [7] Andrzejak, R. G., Lehnertz, K., Rieke, C., Mormann, F., David, P., Elger, C. E., 2001. Indications of nonlinear deterministic and finite dimensional structures in time series of brain electrical activity: Dependence on recording region and brain state, Physical Review E, 64:061907. [8] Fukushima, K., 1980, Neocognitron: A self-organizing neural network model for a mechanism of pattern recognition unaffected by shift in position, Biological Cybernetics 36:193-202. [9] Kallenberg. M., Petersen. K., Nielsen. M., Ng.Y.A.,Diao.P. F., Igel. C., Vachon. C. M., Holland. K., Winkel. R. R., Karssemeijer. N., Lillholm. M., 2016. Unsupervised deep learning applied to breast density segmentation and mammographic risk scoring, IEEE Transactions on Medical Imaging, 35(5):1322-1331. [10] Pereira. S., Pinto. A., Alves. V., Silva. C. A., 2016. Brain tumor segmentation using convolutional neural networks in MRI images, IEEE Transactions on Medical Imaging, 35(5):1240-1251. [11] Hatipoglu. N., Bilgin. G., 2017. Cell segmentation in histopathological images with deep learning algorithms by utilizing spatial relationships, Medical and Biological Engineering andComputing, 1-20,doi:10.1007/s11517- 017-1630-1. [12] Acharya, U. R, Fujita, H., Oh, S. L., Hagiwara, Y., Tan, J. H., Muhammad, A., 2017. Application of deepconvolutional neural network for automated detection of myocardial infarction using ECG signals, Information Sciences,415- 416:190-198. [13] Acharya, U. R, Fujita, H., Oh, S. L., Hagiwara, Y., Tan, J. H., Muhammad, A., 2017. Automated detection of arrhythmias using differentintervalsoftachycardia ECG segments with the convolutional neural network, Information Sciences, 405:81-90. [14] Acharya, U. R, Fujita, H., Oh, S. L., Muhammad, A., Tan, J. H., Chua, K. C., 2017. Automated detection of coronary artery disease usingdifferentdurationsofECGsegments with the convolutional neural network, Knowledge- Based Systems, DOI: https://doi.org/10.1016/j.knosys.2017.06.003. [15] Acharya, U. R, Oh, S. L., Hagiwara, Y., Tan, J. H., Adam, M., Gertych, A., Tan, R. S., 2017 A deep convolutional neural network model to classify heartbeats, Computers in Biology and Medicine, DOI: 10.1016/j.compbiomed.2017.08.022. [16] M. Z. Ahmad, Maryam Saeed, Sajid Saleem, and AwaisM. Kamboh School of Electrical Engineering and Computer Science National University of Sciences andTechnology, Islamabad Seizure Detection using EEG: A survey of different Techniques 978-1-5090-3552-6/16/ 2016 IEEE. [17] The Edureka Deep Learning with TensorFlow Certificati on Training course helps learners become expert in training and optimizing basic and convolutional neural networks using real-time projects and assignments along with concepts such as SoftMax function, Auto- encoder Neural Networks, Restricted Boltzmann Machine (RBM). www.edureka.co/blog/tensorflow-tutorial [18] Stober, S., Sternin, A., Owen, A. M., & Grahn, J. A. (2015). Deep Feature Learning for EEG Recordings. Arxiv, 1–24. Retrieved from http://arxiv.org/abs/1511.04306. [19] https://www.edureka.co/blog/python-tutorial/ [20] World Health Organization, 2017. Epilepsy. http://www.who.int/mediacentre/factsheets/fs999/en /. [21] American Epilepsy Society, Facts and figures. https://www.aesnet.org/forpatients=facts figures: [22] Bonn university data. http://epileptologiebonn.de/cms/upload/workgroup/l ehnertz/eegdata.html