automatic detection of epileptic seizure onset and offset in...

47
Automatic Detection of Epileptic Seizure Onset and Offset in Scalp EEG Presented by Poomipat Boonyakitanont Advised by Assist. Prof. Jitkomut Songsiri, Ph.D. 1 Assist. Prof. Apiwat Lek-uthai, Ph.D. 1 Assist. Prof. Krisnachai Chomtho, M.D. 2 1 Department of Electrical Engineering, Faculty of Engineering Chulalongkorn University 2 Department of Pediatrics, Faculty of Medicine, Chulalongkorn University [email protected] Aug 30, 2019 Poomipat Boonyakitanont (CU) Aug 30, 2019 1 / 38

Upload: others

Post on 01-Sep-2020

17 views

Category:

Documents


0 download

TRANSCRIPT

Page 1: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Automatic Detection of Epileptic Seizure Onset andOffset in Scalp EEG

Presented byPoomipat Boonyakitanont

Advised byAssist. Prof. Jitkomut Songsiri, Ph.D.1Assist. Prof. Apiwat Lek-uthai, Ph.D.1

Assist. Prof. Krisnachai Chomtho, M.D.2

1Department of Electrical Engineering, Faculty of Engineering Chulalongkorn University2Department of Pediatrics, Faculty of Medicine, Chulalongkorn University

[email protected]

Aug 30, 2019Poomipat Boonyakitanont (CU) Aug 30, 2019 1 / 38

Page 2: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Outline

1 Introduction

2 Background

3 Literature Review

4 Problem Statement

5 Research Methodology

6 Proposed Method

7 Experiment

8 Conclusion and Future Work

Poomipat Boonyakitanont (CU) Aug 30, 2019 2 / 38

Page 3: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Introduction Epileptic Seizure

Epilepsy

Neurological disorder due to an excessive amount of electricaldischarges in the brain.Damage on the human brain and uncontrollable physical activities.

https://blogs.allizhealth.com/dealing- epileptic-seizure/ https://www.saintlukeshealthsystem.org/health-library/electroencephalogram-eeg

Poomipat Boonyakitanont (CU) Aug 30, 2019 3 / 38

Page 4: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Introduction Epileptic Seizure

Epileptic Seizure Onset and Offset

Responsive neurostimulator requiring almost simultaneous seizurealarmLength of seizure activity needed for proper treatment

https://www.researchgate.net/figure/Responsive-neurostimulation-device_fig1_309278949

https://pxhere.com/en/photo/566564

Poomipat Boonyakitanont (CU) Aug 30, 2019 4 / 38

Page 5: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Introduction Proposal Overview

Objective and Scopes

ObjectiveThis work aims to provide an offline detection method of seizureactivities and the indication of the onsets and offsets inmulti-channel scalp EEG signals.

Scopes of workThe proposed system needs to be trained before it will be employed ina specific subject.Data used in this work is multi-channel scalp EEG signals collectedfrom an online accessible database. Seizure onset and offset pointsare given if seizure events appear in EEG signals, and training andtesting data are required to have the same montage.Stages of training and testing are operated offline.We determine seizure onset and offset but do not specify types ofseizure.

Poomipat Boonyakitanont (CU) Aug 30, 2019 5 / 38

Page 6: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Introduction Proposal Overview

Benefits and Outcomes

BenefitsLess efforts from neurologists are needed.Only one brain modality which is EEG is required.A pre-annotated data including onset and offset points can reducetime spent by neurologists on reviewing long EEG signals.

OutcomesWe provide a scheme of automatic detection of epileptic seizures andthe onsets and offsets.The algorithm of automatic detection of epileptic seizures and theonsets and offsets is given.

Poomipat Boonyakitanont (CU) Aug 30, 2019 6 / 38

Page 7: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Background

Background

Two basic backgroundsEEG and montagesConvolutional neural networks (CNNs)

https://commons.wikimedia.org https://pjreddie.com/darknet/yolo/

Poomipat Boonyakitanont (CU) Aug 30, 2019 7 / 38

Page 8: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Background Electroencephalography

EEG and montages

EEGA way to observe electricalactivities in the brainFast temporary response but lowspatial resolution

MontagesReferential and bipolarmontages

https://eegatlas-online.com/index.php/en/montages/bipolar/double-banana

Poomipat Boonyakitanont (CU) Aug 30, 2019 8 / 38

Page 9: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Background Convolutional Neural Networks

Convolutional Neural Networks

Self-extract features in feature maps.Gain popularity from image detection and speechrecognition [LBH15], e.g., VGG16 [SZ15], InceptionNet [SVI+16],ResNet [HZRS16] in image classification.

Source: [LXD+18]

Poomipat Boonyakitanont (CU) Aug 30, 2019 9 / 38

Page 10: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Literature Review

Literature Review

EpilepticSeizure

Detection

Modality

EEG

EMG

fMRI

SeizureCharacteristics

Imbalance

Ictal pattern

Spatial distribution

EEG Pre-processing

Channel selection

Artifact removal

Transformation/Decomposition

Onset-offsetDetermination

DetectionMethod

Heuristic

ML

NN

SVM

LDA

k-NN

FeatureExtraction

Time domain

Frequency domain

Time-frequency

domain

Poomipat Boonyakitanont (CU) Aug 30, 2019 10 / 38

Page 11: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Literature Review Feature Extraction

Feature Extraction

From our results in [BLuCS19]Statistical parameters, energy, entropies were commonly selectedfeatures in time, frequency, and time-frequency domains.Features capturing changes in amplitude (energy) and uncertainties(entropies) were favorable and sometimes used individually, whilestatistical parameters were always applied jointly.

Energ

yD1R

Varian

ceD5L

Varian

ceD1L

Energ

yD5L

Varian

ceD1R

Varian

ceA5L

Energ

yD2R

Energ

yL

Energ

yA5L

Energ

yD1L

Nonlin

ear e

nerg

yL

Varian

ceD2L

Varian

ceL

Line

Leng

thD5L

Energ

yD3L

Varian

ceD4L

Varian

ceD3L

Nonlin

ear e

nerg

yR

Varian

ceD2R

Energ

yD4L

Energ

yD2L

Line

Leng

thA5L

Energ

yD5R

Varian

ceR

Energ

yD3R

Energ

yR

Varian

ceD4R

Varian

ceD3R

Energ

yA5R

Energ

yD4R

Varian

ceD5R

Varian

ceA5R

Kurto

sisD1L

Shann

on E

ntro

pyR

Improvement rate of features ranked from CFS

0

2

4

6

8

10

12

14

rate

Poomipat Boonyakitanont (CU) Aug 30, 2019 11 / 38

Page 12: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Literature Review Epileptic Seizure

Epileptic Seizure Detection

From our review in [BLuCS19]Many studies considered epochs individually [ASS+13, SG10, Jan17],while some technique was based on event [SLuC15].Machine learning techniques including ANN and SVM were favorable.Almost all of them did not use all data records.

EEG

Artifact Removal

Channel Selection

Transformation/Decomposition

Feature Extraction

Feature Selection

Classification

Decision

Poomipat Boonyakitanont (CU) Aug 30, 2019 12 / 38

Page 13: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Literature Review Epileptic Seizure Onset and Offset Determination

Epileptic Seizure Onset and Offset

There have been only three studies using online accessible database.Shoeb et al. [SKS+11] applied signal energies and SVM to detectseizure termination. Only one offset was missed, and an averageabsolute latency of 10.30± 5.50 seconds.Orosco et al. [OCDL16] used relative energy computed fromstationary wavelet transform coefficients with LDA and ANN. Themethod using LDA obtained 92.60% GDR and 0.3 FPR/h. Ranges oflatencies were wide, 42.40 seconds for onset and 84.40 seconds foroffset.Chandel et al. [CUFK19] employed statistics-based featuresextracted from orthonormal triadic wavelet transform coefficients.On average, using LDA obtained 100% GDR, 4.02 FPR/h. Ranges ofonset and offset latencies were 19.67 and 58.67 seconds, respectively.

Poomipat Boonyakitanont (CU) Aug 30, 2019 13 / 38

Page 14: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Literature Review Epileptic Seizure Onset and Offset Determination

Missing Gap

There are only a few studies in this topic.Existing approaches still suffer from having

Large latency rangesHigh FPR/hHeuristic approach in onset-offset detection

Poomipat Boonyakitanont (CU) Aug 30, 2019 14 / 38

Page 15: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Problem Statement

Problem Statement

Classifier detecting seizures based on EEG epochsOnset-offset detector identifying a seizure occurrence in long EEGfrom outputs of the classifier

Onset-offset detection

Epoch-based classification

Sequence of seizure probabilities

Input

Onset and offset time points

Poomipat Boonyakitanont (CU) Aug 30, 2019 15 / 38

Page 16: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Problem Statement Classifier

Classifier

Consider D = X × Y be a set of samples (xi, yi) drawn from a jointprobability distribution fxy(x, y) where Y = {0, 1}. A classifier h, alsocalled a hypothesis, in a hypothesis space H is a function that tries to mapxi to its label yi. To evaluate the classifier, the true risk, or the expectationof a loss function L, is theoretically used:

Rtrue(h) = E[L(h(x), y)] =∫

x∈X

∑y∈Y

fxy(x, y)L(h(x), y). (1)

In practice, the classifier is evaluated via empirical risk:

Remp(h) =∑

(x,y)∈DP(x, y)L(h(x), y) = 1

|D|∑

(x,y)∈DL(h(x), y), (2)

where P(x, y) is the hypothetical joint probability.

Poomipat Boonyakitanont (CU) Aug 30, 2019 16 / 38

Page 17: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Problem Statement Classifier

Classifier

The goal is to find the optimal hypothesis h∗ ∈ H such that

h∗ = argminh∈H

Remp(h). (3)

Example of HLinear classifierPolynomial classifierNeural networkSupport vector machine

Poomipat Boonyakitanont (CU) Aug 30, 2019 17 / 38

Page 18: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Problem Statement Onset-Offset Detector

Onset-offset detector

The onset-offset detector is a function g transforming output vector z tovector of predicted class y.

Epoch

1

0

𝐳

(a) Output from the epoch-based seizure detection.

Epoch

1

0

ො𝐲Onset Offset

(b) Output of the onset-offset detection.

Poomipat Boonyakitanont (CU) Aug 30, 2019 18 / 38

Page 19: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Research Methodology

Research Methodology

Review literature on data collection, pre-processing, featureextraction, classification and onset-offset detection.Propose epoch-based seizure detection method and technique todetermine the onset and offset.Collect data from online database.Train a classifier on EEG epochs and verify the trained model on anunseen record from the same subject.Determine onset and offset from epoch-based classification resultsand compare the results of the onset-offset detection and of theclassification.Conclude the detection performance, limitations, and future work.

Poomipat Boonyakitanont (CU) Aug 30, 2019 19 / 38

Page 20: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Proposed Method

Proposed Method

ClassificationOnset-offset detectionEvaluation

Onset-offset detector

Evaluation

CNN model

Sequence of seizure probabilities

Onset and offset

Multi-channel EEG

Performance

Poomipat Boonyakitanont (CU) Aug 30, 2019 20 / 38

Page 21: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Proposed Method Classification

Classification

Design blocks of layers in CNN stacked deeply for feature extraction.

Two 1D convolution

Batch normalization

ReLUMax pooling

Input

Output

CNN block

Use filter factorization technique to reduce a number ofparameter [SVI+16].

= *

Poomipat Boonyakitanont (CU) Aug 30, 2019 21 / 38

Page 22: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Proposed Method Onset-Offset Detection

Onset-offset detection

Cover all detected epochs by a window of size 2l + 1 centered at theepoch.

Epoch

1

0

𝐳

(a) Output of the CNN model.

Epoch

1

0

𝐳

(b) Rectangular windows covering seizure epochs.

Poomipat Boonyakitanont (CU) Aug 30, 2019 22 / 38

Page 23: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Proposed Method Onset-Offset Detection

Onset-offset detection

Group p adjacent touching or overlapping windows into one andneglect the others.Onset and offset are the beginning and ending epochs of the event.

Epoch

1

0

Onset Offset Onset Offset 𝐲

(c) Results of the onset-offset detector. The onset and offset are the firstand last epoch of the predicted event.

Poomipat Boonyakitanont (CU) Aug 30, 2019 23 / 38

Page 24: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Proposed Method Evaluation

Evaluation

Evaluate classification performance of each patient independentlyApply leave-one-record-out for validationGreen records for training, and the blue one for testing

k records

Performance

Performance

Performance

Performance

Performance

Poomipat Boonyakitanont (CU) Aug 30, 2019 24 / 38

Page 25: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Proposed Method Evaluation

Performance Metrics

Epoch-basedSensitivity (Sen) = (TP)/(TP + FN)× 100%F1 = (2TP)/(2TP + FN + FP)× 100%

Event-basedFalse positive rate per hour (FPR/h) = FP per hourGood detection rate (GDR) = percent of detected event

Time-basedOnset and offset latenciesAbsolute onset and offset latencies

Poomipat Boonyakitanont (CU) Aug 30, 2019 25 / 38

Page 26: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Experiment

Experiment

GoalCompare improvement of using onset-offset detector from classifier.Compare performances with other studies.

DataCHB-MIT Scalp EEG database [GAG+00]

Expected resultsImprove Sen, F1

Reduce FPR/hMaintain GDR

Poomipat Boonyakitanont (CU) Aug 30, 2019 26 / 38

Page 27: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Experiment Experimental setup

Data Description

All records from CHB-MIT Scalp EEG database, containing 24 cases(chb01-chb24), were used. See more details in Appendix.Chosen channels were FP1-F7, F7-T7, T7-P7, P7-O1, FP1-F3,F3-T3, T3-P3, P3-O1, FP2-F4, F4-C4, C4-P4, P4-O2, FP2-F8,F8-T8, T8-P8, P8-O2, FZ-CZ, and CZ-PZ.The model input was one-second multi-channel EEG epochrepresented as 18× 256 dimensional matrix.This database is publicly and freely downloaded from PhysioNet(https://physionet.org/physiobank/database/chbmit/).

Poomipat Boonyakitanont (CU) Aug 30, 2019 27 / 38

Page 28: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Experiment Experimental setup

Model Description

Hyperparameters were tuned byreducing the model size while the modelstill gave high GDR on the case chb24.Activation function: ReLU.Optimizer: ADADELTA [Zei12]Loss function: binary cross entropy.The mini-batch size: 100 epochsStopping criteria: 100 iterations.An epoch was denoted as seizure whenseizure probability was higher than 0.5.We selected l = 2 and p = 3 to coverthe smallest seizure.

Ch1

Probability of seizure occurrence

Conv(1,3,16)Conv(2,1,16)

BNReLU

Max(1,2)

Conv(1,3,16)Conv(2,1,16)

BNReLU

Max(1,2)

Input(18,256)

Conv(1,3,16)Conv(2,1,16)

BNReLU

Max(1,2)

Conv(1,3,16)Conv(2,1,16)

BNReLU

Max(2,2)

Conv(1,3,16)Conv(2,1,16)

BNReLU

Max(2,2)

Dropout(0.25)

Output

FC(64)FC(64)

Dropout(0.5)

Ch2 Ch18

CNN

Conv(1,3,16)Conv(2,1,16)

BNReLU

Max(2,2)

Conv(1,3,16)

Conv(2,1,16)BN

ReLUMax(2,2)

Poomipat Boonyakitanont (CU) Aug 30, 2019 28 / 38

Page 29: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Experiment Preliminary Results

Preliminary Results

Before/After = before/after onset-offset detection.Mean of sensitivity

0

50

100

BeforeAfter

Median of sensitivity

chb0

1

chb0

2

chb0

3

chb0

4

chb0

5

chb0

6

chb0

7

chb0

8

chb0

9

chb1

0

chb1

1

chb1

2

chb1

3

chb1

4

chb1

5

chb1

6

chb1

7

chb1

8

chb1

9

chb2

0

chb2

1

chb2

2

chb2

3

chb2

40

50

100

BeforeAfter

Sen significantly increasedPoomipat Boonyakitanont (CU) Aug 30, 2019 29 / 38

Page 30: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Experiment Preliminary Results

Preliminary Results

Before/After = before/after onset-offset detection.Mean of F1

0

50

100BeforeAfter

Median of F1

chb0

1

chb0

2

chb0

3

chb0

4

chb0

5

chb0

6

chb0

7

chb0

8

chb0

9

chb1

0

chb1

1

chb1

2

chb1

3

chb1

4

chb1

5

chb1

6

chb1

7

chb1

8

chb1

9

chb2

0

chb2

1

chb2

2

chb2

3

chb2

40

50

100BeforeAfter

Like Sen, F1 remarkably improvedPoomipat Boonyakitanont (CU) Aug 30, 2019 30 / 38

Page 31: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Experiment Preliminary Results

Preliminary Results

Before/After = before/after onset-offset detection.Mean of FPR/h

0

5

10

15

20BeforeAfter

Median of FPR/h

chb0

1

chb0

2

chb0

3

chb0

4

chb0

5

chb0

6

chb0

7

chb0

8

chb0

9

chb1

0

chb1

1

chb1

2

chb1

3

chb1

4

chb1

5

chb1

6

chb1

7

chb1

8

chb1

9

chb2

0

chb2

1

chb2

2

chb2

3

chb2

40

5

10BeforeAfter

FPR/h after onset-offset detection considerably reducedPoomipat Boonyakitanont (CU) Aug 30, 2019 31 / 38

Page 32: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Experiment Preliminary Results

Preliminary Results

Before/After = before/after onset-offset detection.Mean of GDR

0

50

100

BeforeAfter

Median of GDR

chb0

1

chb0

2

chb0

3

chb0

4

chb0

5

chb0

6

chb0

7

chb0

8

chb0

9

chb1

0

chb1

1

chb1

2

chb1

3

chb1

4

chb1

5

chb1

6

chb1

7

chb1

8

chb1

9

chb2

0

chb2

1

chb2

2

chb2

3

chb2

40

50

100

BeforeAfter

GDR in some cases decreasedPoomipat Boonyakitanont (CU) Aug 30, 2019 32 / 38

Page 33: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Experiment Preliminary Results

Preliminary Results

Our work [OCDL16] [CUFK19]

Onset latency Min -2 -28.00 -10.00Max 20 14.40 9.67

Offset latency Min -62.8 -24.20 -6.00Max -0.20 60.20 52.67

Absolute onset latencyMean 6.12 - -Min 0.43 - -Max 20 - -

Absolute offset latencyMean 13.95 - -Min 0.33 - -Max 62.8 - -

Even though cancellation of latency in other work occurs, the rangesof our work are comparable to that of others.Our results are more reasonable and applicable in practice.

Poomipat Boonyakitanont (CU) Aug 30, 2019 33 / 38

Page 34: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Conclusion and Future Work

Conclusion

In this work, we used all records from the CHB-MIT Scalp EEGdatabase to develop patient-specific seizure detection method.We designed the method based on deep learning techniques to detectseizures based on small epoch and heuristic approach to determineonset and offset.Onset-offset detector potentially reduced FPR/h and significantly Senand F1.Ranges of latencies from our method were comparable with otherseven though others personally selected data set.

Poomipat Boonyakitanont (CU) Aug 30, 2019 34 / 38

Page 35: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Conclusion and Future Work

Limitation and Future Work

LimitationsWhen CNN cannot perform well enough, the onset-offset detectoralso cannot improve the performance significantly.The onset-offset detector is heuristic, not adaptive.

Future workExplore or design another epoch-based classifier that

Deals with imbalance data.Propose an onset-offset detection based on machine learning that

Takes imbalance properties into account.Analyze performance of onset-offset detection.

Poomipat Boonyakitanont (CU) Aug 30, 2019 35 / 38

Page 36: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Conclusion and Future Work

References I[ASS+13] U.R. Acharya, S.V. Sree, G. Swapna, R.J. Martis, and J.S. Suri.

Automated EEG analysis of epilepsy: A review.Knowledge-Based Systems, 45:147–165, 2013.

[BLuCS19] P. Boonyakitanont, A. Lek-uthai, K. Chomtho, and J. Songsiri.A review of feature extraction and performance evaluation in epileptic seizure detection using EEG.arXiv preprint arXiv:1908.00492, 2019.

[CUFK19] G. Chandel, P. Upadhyaya, O. Farooq, and Y.U. Khan.Detection of seizure event and its onset/offset using orthonormal triadic wavelet based features.IRBM, 40(2):103–112, 2019.

[GAG+00] A.L. Goldberger, L.A.N. Amaral, L. Glass, J.M. Hausdorff, P.C. Ivanov, R.G. Mark, J.E. Mietus, G.B. Moody,C. Peng, and H.E. Stanley.PhysioBank, PhysioToolkit, and PhysioNet.Circulation, 101(23):e215–e220, 2000.

[HZRS16] K. He, X. Zhang, S. Ren, and J. Sun.Deep residual learning for image recognition.In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pages 770–778, 2016.

[IS15] S. Ioffe and C. Szegedy.Batch normalization: Accelerating deep network training by reducing internal covariate shift.In Proceedings of the 32nd International Conference on Machine Learning, pages 448–456, 2015.

[Jan17] S. Janjarasjitt.Epileptic seizure classifications of single-channel scalp EEG data using wavelet-based features and svm.Medical & Biological Engineering & Computing, 55(10):1743–1761, 2017.

Poomipat Boonyakitanont (CU) Aug 30, 2019 36 / 38

Page 37: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Conclusion and Future Work

References II

[LBH15] Y. LeCun, Y. Bengio, and G. Hinton.Deep learning.Nature, 521(7553):436–444, 2015.

[LXD+18] Y. Li, T. Xu, H. Deng, G. Shi, and J. Guo.Adaptive correlation model for visual tracking using keypoints matching and deep convolutional feature.Sensors, 18(2):653, 2018.

[OCDL16] L. Orosco, A.G. Correa, P. Diez, and E. Laciar.Patient non-specific algorithm for seizures detection in scalp EEG.Computers in Biology and Medicine, 71:128–134, 2016.

[SG10] A.H. Shoeb and J. Guttag.Application of machine learning to epileptic seizure detection.In Proceedings of the 27th International Conference on Machine Learning, pages 975–982, 2010.

[SHK+14] N. Srivastava, G. E. Hinton, A. Krizhevsky, I. Sutskever, and R. Salakhutdinov.Dropout: a simple way to prevent neural networks from overfitting.Journal of Machine Learning Research, 15(1):1929–1958, 2014.

[SKS+11] A.H. Shoeb, A. Kharbouch, J. Soegaard, S. Schachter, and J. Guttag.An algorithm for detecting seizure termination in scalp EEG.In Proceedings of 2011 the Annual International Conference of the IEEE Engineering in Medicine and BiologySociety, pages 1443–1446. IEEE, 2011.

[SLuC15] C. Satirasethawong, A. Lek-uthai, and K. Chomtho.Amplitude-integrated EEG processing and its performance for automatic seizure detection.In Proceedings of the 2015 IEEE International Conference on Signal and Image Processing Applications, pages551–556. IEEE, 2015.

Poomipat Boonyakitanont (CU) Aug 30, 2019 37 / 38

Page 38: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Conclusion and Future Work

References III

[SVI+16] C. Szegedy, V. Vanhoucke, S. Ioffe, J. Shlens, and Z. Wojna.Rethinking the inception architecture for computer vision.In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition, pages 2818–2826, 2016.

[SZ15] K. Simonyan and A. Zisserman.Very deep convolutional networks for large-scale image recognition.In International Conference on Learning Representations, 2015.

[Zei12] M. D. Zeiler.ADADELTA: An adaptive learning rate method.arXiv preprint arXiv:1212.5701, 2012.

.

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 39: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Appendix

Convolutional Neural NetworksCHB-MIT Scalp EEG database

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 40: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Convolutional Neural Networks

Inspired by the mammal visual systemGaining popularity from image detection and speechrecognition [LBH15], e.g., VGG16 [SZ15], InceptionNet [SVI+16],ResNet [HZRS16]Mainly consisting of convolutional, activation, pooling, andfully-connected layersOptionally adding batch-normalization [IS15] and dropout [SHK+14]layers

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 41: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Convolutional Layer

Extract features by convolution operation of input and filterExample: vertical edge detectionTrain the filter weights by optimization

4 9 2 5 85 6 2 4 02 4 5 4 55 6 5 4 75 7 7 9 2

1 0 -11 0 -11 0 -1

2 6 -40 4 0-5 0 3

∗ =

Input Filter Output

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 42: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Activation Layer

Transform input to output with nonlinear function

2 6 -4

0 4 0

-5 0 3

ReLU

tanh

0.8808 0.9975 0.0180

0.5000 0.9820 0.5000

0.0067 0.5000 0.9526

2 6 0

0 4 0

0 0 3

0.9640 1.0000 -0.9993

0.0000 0.9993 0.0000

-0.9999 0.0000 0.9951

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 43: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Pooling Layer

Down-sampling input by appropriate approach: average and max

4 9 3 5

5 6 -1 4

2 4 5 -4

3 7 -1 49 5

7 5Max pooling

Average pooling

6 3

4 1

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 44: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Batch Normalization Layer

Normalizing each feature map at each mini-batch [IS15]Consider a mini-batch B = {x1, x2, . . . , xk}Input : x over a mini-batch BParameter : γ, βOutput : {yi = γxi + β}

1 µB ← 1k

k∑i=1

xi // mean of mini-batch

2 σ2B ←

1k

k∑i=1

(xi − µB)2 // variance of mini-batch

3 xi ← xi−µB√σ2B+ϵ

// normalization

4 yi ← γxi + β // scale and shift

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 45: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Dropout Layer

Randomly and temporarily deleting neurons from the layer [SHK+14]

(a) Standard neural network.X

X

X X

(b) After employing dropout.

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 46: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

Fully-Connected Layer

Every neuron is connected to all neurons in the adjacent layers.

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38

Page 47: Automatic Detection of Epileptic Seizure Onset and Offset in …jitkomut.eng.chula.ac.th/group/poomipat_proposal_slide.pdf · 2020. 5. 10. · Automatic Detection of Epileptic Seizure

CHB-MIT Scalp EEG databaseCases Number of records Total duration (sec) Number of seizures Total seizure duration (sec)chb01 42 145,988 7 449chb02 36 126,959 3 175chb03 38 136,806 7 409chb04 42 561,834 4 382chb05 39 140,410 5 563chb06 18 240,246 10 163chb07 19 241,388 3 328chb08 20 72,023 5 924chb09 19 244,338 4 280chb10 25 180,084 7 454chb11 35 123,257 3 809chb12 24 85,300 40 1,515chb13 33 118,800 12 547chb14 26 93,600 8 177chb15 40 144,036 20 2,012chb16 19 68,400 10 94chb17 21 75,624 3 296chb18 36 128,285 6 323chb19 30 107,746 3 239chb20 29 99,366 8 302chb21 33 118,189 4 203chb22 31 111,611 3 207chb23 9 95,610 7 431chb24 22 76,640 16 527sum 686 3,536,540 198 11,809

Poomipat Boonyakitanont (CU) Aug 30, 2019 38 / 38