SlideShare a Scribd company logo
Using K-Nearest Neighbors and Support Vector
Machine Classifiers in Personal Identification based
on EEG Signals
Shaymaa adnan Abdulrahman
Department of computer
Engineering, Imam Ja'afar Al-Sadiq
University, Baghdad, Iraq
PhD Student at Ain Shams University,
Egypt
Shaymaaa416@gmail.com
Mohamed Roushdy
Faculty of Computers &Information
Technology, Future University in Egypt,
, New Cairo, Egypt
Mohamed.Roushdy@fue.edu.eg
Abdel-Badeeh M. Salem
Department of Computer Science, Ain
Shams University ,Cairo,Egypt
absalem@cis.asu.edu.eg
Abstract—In the present paper, electroencephalogram (EEG)
data have been used to human identification by computing
sample entropy and graph entropy as feature extractions. Used
two classifier types, which are K-Nearest Neighbors (K-NN) and
Support Vector Machine (SVM). Python and Matlab software
were used in this study and EEG data was collected by UCI
repository . Matlab used when Thirteen channels was applied as
feature extraction . The experimental results show that, Python
software classifies the EEG-UCI data better than MATLAB
environment software where the accuracy of KNN and SVM
were 85.2% and 91.5% respectively.
Keywords- Biometrics, K-Nearest Neighbors, Support Vector
Machines , Electrocardiograph Signals, Python, Human
identification
I.INTRODUCTION
Human identification can be considered as the first and
most important step in a validation process for use in security
system. The word "identification" in some cases is being
confused with two other security associated terms which are
authorization and authentication . In fact,. identification can
be defined as the detection ,or identification of a certain
persons authentication is defined as the verification of the
individual's claimed identity and the . authorization is defined
as the official approval [1] . Human identification with the use
of a special behavioral - physiological feature of a personals
referred to as the biometrics. Usually biometrics that are based
on the EEG signals have increased in research . The reason for
this increase is that it transmits information and data from the
human brain . This information is individual so that it can be
used as a biometric [2] . The EEG are among the most reliable
measure and hard to reproduce. In addition not possible to be
stolen or obtained under , threat . There are a large number of
investigations were carried out regarding the identification of
identity through the use of number of programming
environments such as MATLAB , Python ,JAVA, C# ,….. etc.
Previous studies in this research contain different methods for
extracting data with different methods for the classification
process , especially the use of the python environment .
The contribution of the present study is a comparison
between Python environment and Matlab software when two
different methods such as ( KNN and SVM) as classifier for
identifying a person . The previous work has been used overall
process in Matlab software . While for implementing and ,
evaluating the suggested technique , utilized two distinct
programming languages : preprocessing and feature
extractions in Matlab software while classification and
evaluation in Python -Scikit-learn Toolbox . For access to
built-in machine learning functions in scikit-learn package [
12].
This paper has been structured as: Section 2: Background
Section 3:Overview data analysis with python environment
Section 4: Proposed work , Section 5: Result and Discussion ,
Section 5:Conclusion
II. BACKGROUND
According to (Hu, Jianfeng ,2018)[3] suggested EEG to
recognize gender . Four different approach was used like
(fuzzy entropy, sample entropy, approximate entropy, spectral
entropy) as feature Extraction . While different types of
classification was applied with EEG signals collected from
twenty eight subjects . While (Shaymaa Adnan Abdulrahma ,
et al 2019) [1] used electroencephalography to human
identification . Sample Entropy and Horizontal Visibility
Graphs used as feature extraction . The accuracy with
Horizontal Visibility Graphs had a much better than sample
entropy when used Machine Learning Repository (UCI) as
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
29 https://sites.google.com/site/ijcsis/
ISSN 1947-5500
dataset . (Galbally et al. 2012)[4] investigated twenty two
images quality measures (like: occlusion, focus, motion, and
pupil dilation) . Sample entropy was implemented as feature
extraction . Best feature is m chosen via the sequential
selection of the floating feature for feeding a quadrat
discriminant classifier . Smart-Box for Face Recognition was
implemented according to (AkhilGoel et al , 2018) [5] .
Usually Smart-Box consists of 3 adversarial perturbation
modules such as (attack generation, detection, mitigation) .
Images of a single individual from the Yale Face Database.
The accuracy was 45 and identification more than 90%
when deep-Fool decreases algorithm was implemented . A
novel BCI P300 used to collected dataset when used EEG
signals for identification was suggested by (Santosh Thakur,et
al 2020) [6] . nonparametric weighted feature extraction
approach has been implemented for the extraction of features.
KNN classifier based rule set was applied to identification.
Shown Table 1
TABLE I. TABLE 1 : PREVIOUS WORKS FOR HUMAN IDENTIFICATION
The above table shows some of the different methods in the
classification process . Data set was taken from different types
of biometric like( face , EEG, iris ). Some of this data was
taken directly from the user by using electrodes to measure
brain signals . During the study of previous works . The
accuracy ranged between 92% to 97% .
III .OVERVIEW DATA ANALYSIS WITH PYTHON ENVIRONMENT
Python is one of the programming language that can be
used in the mathematical and statistical calculations process
and for many operation such as classification pre-process ,
data extraction , prediction …..etc .[7] . Python is considered
to be one of the simple and powerful programming languages.
It has bridged the gap between programming such as C and
shell program . One of the advantage of Python is it fast
learning . The interpreter of Python is extended easily with
new data types and functions which are implemented in C and
is suitable as well, as one of the extension. languages for the
highly customizable , applications of the C programming
language like window, managers or editors, Website
( https://www.python.org/) . Python is available for a variety
of the OS, like Amoeba, UNIX, Apple Macintosh OS, and
MS-DOS. Moreover, it contains different high-level libraries
(for the detailed benefits of Python python.org/about/) ,, like
Scipy. (scipy.org/) allowing the user to be running MATLAB
codes , following a little alteration . As for the signals and
neuroimaging such as EEG , ECG ,EMG ,….etc.
(http://nipy.sourceforge.net/) , it contains a set of toolbox
dealing with this type of data . We will mention some of these
function which are :
1)Scikit-learn Toolbox: refer to python module contain large
number of algorithms used to machine learning . Represent
this package is focus on delivering the machine learning to the
non-specialists through the use high level general-purpose
languages [7 ]. The focus has been emphasized on the
performance ; documentation , ease of utilization and .
Consistency of the API . It has minimum dependency values
and has been distributed under simplified license of the BSD,
which encourages its utilization in the academic as well as the
commercial settings (scikit-learn.sourceforge.net) . Scikit-
learn python package can be defined as rich environment for
providing state-of-art implementation of numerous
algorithms of machine learning with, keeping the easy-to-use
interface closely integrated . The scikit-learn differs from
other , tool-boxes of the machine learning in Python for ,
many reasons:
• It has incorporated compiled, code for effectiveness,
in contrast to the MDP [ Zito etal., 2008] [8] and
pybrain [Schaul et al., 2010] [9] .
• It has been distributed under the license of Berkeley
Software Distribution (BSD)
• Focus on imperative , programming .
• Has the ability of evaluating the efficiency of the
estimator or selecting parameters
• with the optional use of the cross validation, which ,
distributes the computation to numerous cores .
• It is only, dependent upon the numpy and ,scipy for
the facilitation of the easy distribution
Authors Feature
extraction
Classifier Dataset Biometric
type
Accuracy
[Hu,
Jianfeng,
2018]
sample
entropy
fuzzy
entropy
approximat
e entropy
spectral
entropy
KNN
RF
DT
QDA
28
subject
by using
electrode
EEG
0.99
0.949
0.961
0.966
[Shaymaa
Adnan
Abdulrahm
an, et al
2018]
Sample
Entropy
+
Horizontal
Visibility
Graphs
KNN UCI
Database
EEG 92.6%
97.4%
[Galbally
et al. 2012]
Sample
entropy - UCI
Dataset
Iris
[AkhilGoel
et al ,
2018]
- Yale
Face
Database
Face
recogniti
on
[Santosh
Thakur et
al ,2020]
non-
parametric
weighted
KNN 20
subjects
by using
electrode
EEG 92.46%.
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
30 https://sites.google.com/site/ijcsis/
ISSN 1947-5500
Usually Scikit-learn includes a large group of the statistical
learning approaches, like (unsupervised and supervised) . In
addition its applications to the neuro-imaging information
has given versatile tools for studying human brain. There
wide variety of tools found inside the Scikit –Python[13] .
2)PyEEG Toolbox: is an open source module of Python for
the EEG which has been utilized for feature extractions. In
addition this Toolbox applied for the analysis of other
physiological signals which have the ability of being
considered as time series like MEG signals , representing the
magnetic fields which have been induced, by the neural,
electrical activity currents . One of the advantage of this
Toolbox [14] . The framework PyEEG has been focused only
on the extraction of the features from the segments of
EEG/MEG. It contains no functions which are utilized for
importing information of different formats or exporting
features to a process of the classifier. Shown figure 1 .
PyEEG contains numerous parameters and different
algorithms for one characteristic such as Relative Intensity
Ratio and Power Spectral Intensity (PSI), Petrosian Fractal
Dimension, Higuchi Fractal Dimension
(https://www.hindawi.com/) .Numerical values of the feature
which has been obtained through using PyEEG can differ
from the features which have been obtained by other tool-
boxes. Therefore programmers must utilize the non-default
values for parameters so as to meet their requirements.
Figure1 Framework of PyEEG
3)Wyrm Toolbox: refer to an open source BCI toolbox in
Python . These toolbox can implemented to a wide range of
neuroscience problems . It analyzes and visualizes
neurophysiological data in real time setting
(https://github.com/bbci/wyrm) such as on line Brain-
Computer Interface (BCI ) application. Shown figure 2 . Row
contain number of channels like (F7, F8, C3, C4 , ………),
while Colum refer to real time[10] .
Figure 2 :Visualization of the Data object and attributes of
Wyrm Toolbox
4)MNE-Python Toolbox : is an open source package
software . It used for (information / data) preprocessing or
statistical analysis or estimation of the functional connectivity
between the distributed areas of the brain and Source
localization . One of the advantage of this MNE is that it can
access pre-processed data in an easy and fast . This feature
helps users to quickly reproducibility approach and methods
by other researchers (http://martinos.org/mne.) . MNE-
Python has a distinctive feature that it gives a modules with
the graphical . user interfaces(GUIs) , valuable to inspect ,and
explore data[11] . Shown figure 3
Figure 3: GUI applications which are provided MNE Python
5)PyMVPA –Tool-box : is also an open source software built
in Python environment using for the application of
classification based analysis technique to f-MRI data-sets.
Usually this toolbox applied for accessing the libraries which
have been written in many different computing environments
and programming. Languages . to the machine learning
package interfaces [15] . The function inside this toolbox help
researchers for easily conducting the analyses of noise
perturbation. The tool-box of the PyMVPA is a free open
source software , which was available from the website
(www.pymvpa.org) .
IV. PROPOSED WORK
A. Data set
The data-set utilized in the presented study was obtained
from the repository of the UCI [16][17] . The data-set includes
twelve input feature vectors , and a single target vector . Those
input vectors have been acquired from the application of
wavelet packet analysis . On the original signal in the band of
the frequency (7Hz- 13Hz). The target vector is the planning
or relaxed state . The training data includes ( 91 samples) and
EEG series
Non feature
extraction
Feature extraction
functions
Feature values
PyEEG
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
31 https://sites.google.com/site/ijcsis/
ISSN 1947-5500
testing data includes ( 91 samples) as well . There has been a
total of (182 samples ) . Due to the fact that dataset which has
been utilized in [18][19] has been 50% test data and 50%
training data a similar number of testing and training data
have been utilized in our study. When applying this
experiment. Thirteen channels such as
(AF8,C1,C2,C3,C4,CP1,CP5,CP6,FC5,FT7,P8,PO8,PZ ) were
used to extract feature . Figure 4 display the proposed
research methodology of this work.
Figure 4 diagram of proposed search
B. Feature extraction
Sample-Entropy is one of the way in which the process of
extracting information from raw data . It has proposed since
2000 by (Moorman and Richman) in order to improve the
approach of the approximate entropy, which is a non-linear
dynamic parameter for measuring the Complexity of a
sequence [20]. Sample-Entropy consist of three parameters
as input . Which are r represents the criterion of similarity( m)
represents the embedded dimension . and (n) represents time
series length [19]. In the present paper two parameters were
applied : Se1 m=2.0, r=0.15 and Se2 :m=2.0, r=0.20 of
every epoch of EEG signals are extract. These same values
were used due to a compare this experience with previous
studies [ 19] . We applied Sample-Entropy with 13 channels
as feature extraction . Sample entropy refer to the negative
natural logarithms when provided with the conditional
likelihood , meaning that any. 2 sequences which are same for
the (m) points stay. unchanged at the following point, in
which ( r ) represents the similar criterion and (m ) represents
the data segment’s length [21]. The mathematical application
of the Sample-Entropy process may be represented as follows:
Shown question 1 according to [19].
…….(1)
Where
refer to probability of the 2 sequences, matching for
(m) points .While stands for the likelihood for 2
sequences to be matching for m+1 points . .
, N data point from time series
x(n)=x(1),x(2) ,x(3)…..x(n) . m vectors represented as
for 1 k N-m+1 at the ith
samples .There are many techniques to use for the calculation
of the Graph- Entropy approach dependent on edges or vertex.
This work know the ( Graph- Entropy ) [22] with the formula
of Shannon’s entropy (Clarke 1968). The Shannon’s entropy
can be define in the equation 4.
Graph- Entropy =
where p(k) is the probability of i
C. Classification Tool
C.1 KNN Classification
One of the type of techniques used in supervised learning
method is k-NN. The basic principle of this method is to
classify the data by calculating the k closest neighbors to a
Data-
Set
Accuracy
A
F
8
C
1
C
2
C
3
C
4
C
P
1
C
P
5
C
P
6
F
C
5
F
T
Channels
MATLAB
Environment
Feature extraction
Sample-
Entropy
Graph -
Entropy
Python
environment
SVM K-NN
Classification
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
32 https://sites.google.com/site/ijcsis/
ISSN 1947-5500
data point . In addition assigning the point to the most
common class among those k neighbors . Euclidean distance
was applied for distance metric .
Euclidean distance X1, X2 = …. (5)
Where X = (x11, x12, …, x1n) and X2 = (x21, x22, …, x2n)
KNN method were trained through the (sklearn.
Neighbors)[23] . K-Neighbors classifier module of python
library scikit-learn with the use of the parameter below:(I), the
Number of the neighbors . The number of neighbor k is (1)
and (5 ) fold cross validation was utilized for calculation of
the precision. The (python software)based implementation
code to find the optimal values of the parameter for the model
of the K-NN has been presented in figure 5. While Python
based implementations of KNN, classification model has
been illustrated in the figure 6[29].
K-NN (OPTIMAL PARAMETER )[29]
#/ Configuring the matplot library for drawing in-line graph on the web-page/
/get_ipython().magic('matplotlib inline')/
# Importing needed packages
/from the sklearn. model_ selection importing thetrain_test_split
importing the pandas as pd/
from the . sklearn. neighbours .importing the K-NeighborsClassifier
from the. sklearn. metrics importing the confusion . matrix
from the sklearn. metrics importing the classification. report
from the sklearn model -selection importing the GridSearch-CV
importing the -numpy as np
# Loading the EEG EyeState data-set from the file of thecvsto pandas
eeg = pd.read_csv('EEG-EyeState.csv')
# printing few records from EEG EyeState data-set
printing(eeg.head())
y = eeg.iloc[:,12]
# Extraction of the Independent (Prediction) variables (X) and Dependent
(Predicted) Variable (Y) from the EEG EyeState data-set
X = eeg.iloc[:,0:12]
# Computing summary statistics and round them to 2 digits
;eeg.describing().rounding(2).transposing()
# Computing corramongst all of the variables (Independent as well as
dependent)
eeg.corr().rounding(2)
# Plotting of scatter matrix amongst all of the independent variables
With the use of the dependent one
sm = pd.scatter_matrix(eeg, c = y, figsize = [20, 20], s=150,marker = 'D')
# Splitting thefull Data-set to Training data-set (50%) and Testing data-set
(50%)
Xtrain, Xtest, Ytrain, Ytest = train_test_split(X, y,test_size=0.5,
random_state=21, stratify=y)
# The count of the neighbors should decide from 1 to 10inclusive
param_grid = {'n_neighbors': np.arange(1, 10)}
Figure 5 : optimum k - parameter by using Python
KNN –Classification[29]
#The creation of the reference of the K-NN classifier
knn = K-Neighbors Classifier()
# Performing the search of the grid with the use of the K-NN approach and
finding the optimal neighbors’ value on which the approach will be giving
high precision with the cross validation = 12
k-nn_cv = GridSearch-CV(k-nn, param_grid, cv=12)
# Building K-NN based model of classification
K=-nn_cv.fit(Xtrain, Ytrain)
# Printing the optimal value of neighbour and the optimal score which is
accomplished by the training set K-NN model
/Printing (k-nn_cv.best_params_)
/Printing (k-nn_cv.best_score_)
# Performing prediction (i.e. classification) on the testing data-set
y_pred = k-nn_cv.predict(Xtest)
# Calculation of the prediction score on the testing data-set
k-nn_cv.score(Xtest, ytest)
# Computing the confusion matrix according to the actual v.s. the predicted
classon the testing dataset
print(confusion. matrix .(Ytest, Ypred))
# Computing the Classification according to the actual v.s. predicted class on
the testing data-set
Printing the (classification _report(Ytest, Ypred))
Figure 6 : pseudo-code of K-NN Classification
C.2 SVM Classification
The second technique used in this study is SVM. It is
considered one of the widely used methods in the field of
supervised learning approach. SVMs perform classification
through the detection of the hyperplane maximizing the
margin between both classes, notice, linearly separable and
binary. Support vector machine technique is proposed by
(Cortes and Vapnik) [24] . This method works on the basis of
reducing structural risk . SVM classifier with RBF kernel
were applied on two different binary classification problems in
this study . Shown the question (6) that is represented SVM
classifier . The classifiers were implemented using the open-
source scikit-learn library for python [25][28].
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
33 https://sites.google.com/site/ijcsis/
ISSN 1947-5500
Where and
Where 'w1' is the normal to separating hyperplane which is
represented by( ). For a set of data points ( ,) in which ( =
+1,−1) the margin between 2 classes is given by: . The
optimum margin, is computed through minimizing the
problem of the constrained optimization that is additionally
addressed through the reduction. It to the issue of the
quantization programming optimization which will yield.
Python Scikit-learn toolbox based implementation of SVM ,
classification model has been illustrated in the figure 7[30]
.
Pseudo-code (SVM scikit-learn-Python)[30]
Importing the numpy as np
Importing the pylab as pl
from sklearn import svm, data-sets
EEG = data-sets.load_EEG()
X = EEG.data[:, :2]
Y = EEG.target
h = .02 # the size of the step in mesh
# creating an SVMs instance and fitting out the -data. The data is not scaleddu
e to the need for plotting support vectors
C = 1 # SVMs parameter of regularization
svc = svm.SVC(kernel='linear', C=C).fit(X, Y)
rbf_svc = svm.SVC(kernel='rbf', fit(X, Y)
poly_svc = svm.SVC(kernel='poly',).fit(X, Y)
lin_svc = svm.LinearSVC(C=C).fit(X, Y)
Xmin, Xmax = X[:, 0].min() - 1, X[:, 0].max() + 1
Ymin, Ymax = X[:, 1].min() - 1, X[:, 1].max() + 1
xx, yy = np.meshgrid(np.arange(Xmin, Xmax, h),
np.arange(Ymin, Ymax, h))
titles = 'SVC with RBF kernel',
for i, clf in enumerate((svc, rbf_svc, poly_svc, lin_svc)):
# Plotting decision boundary, by assigning a color forevery one of the point
s in mesh [Xmin, Mmax]x[Ymin, Ymax].
pl.sub-plot(2, 2, i + 1)
Z = clf.predict(np.c_[xx.ravel(), yy.ravel()
Z = Z.reshape(xx.shape)
pl.contourf(xx, yy, Z, cmap=pl.cm.Paired)
pl.axis('off')
# Plotting training points as well
pl.scatter(X[:, 0], X[:, 1], c=Y, cmap=pl.cm.Paired)
pl.title(titles[i])pl.show()
Figure 7: pseudo-code of SVM Classification
V. RESULTS AND DISCUSSION
In comparison with other common programming
languages like Python and MATLA . These programs are
friendly programming languages that contain similar
characteristics and feature . Although there are similar
feature , some of the advantages of both MATLAB and
Python [27] . Table 2 illustrates these feature[31].
Table 2 comparison between Python and MATLAB software [31]
MATLABPython
- Simple computing
environment
-friendly for learn
-Fast Debug
-easy and fast code
-can be abstract out a lot of
implementation details
-In addition simple for matrix
operations
- not good to manage free
package
-Open source
-In Python , it need to add
specific libraries for mathematics
-requires function calls when use
matrix
Such as
>>> X = numpy.array()
>>> W = numpy.array()
>>> X.dot(W)
Or >>> X@W (Python 3.5)
Through the comparison between MATLAB and Python as
per the above Table , we found that in implement machine
learning algorithms is easy and simple compared to Python/
NumPy (library to work with array structures vector equations
with the use of the linear algebra or Scikit-Toolbox with basic
machine learning tasks . MATLAB can be better than
Python in relation to the introductory courses of
computational neuroscience . Python may be considered
ideal for low-resource institutions . (for the benefits of
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
34 https://sites.google.com/site/ijcsis/
ISSN 1947-5500
Python, read (www.python.org/about/) for more detailed
information). like Scipy, (www.scipy.org/) allowing the user
running the, codes of MATLAB following a little of
modifications . Python - scikit- learn toolboxes used for train
and test . Split the data samples to 2 groups: 50% of the data
have been utilized for training while 50% percent for testing .
MATLAB environment was used Sample –Entropy and
Graph- Entropy used as feature extraction . While Python
software applied K-NN and SVM as classification . According
to accuracy . Our results demonstrate that used Scikit-learn
which has been used in the classification process better than
Matlab according to accuracy . Table 3 : refer to comparing
the result obtained in this experiment with the previous
study.
Table 3 : summarizes all results
Platform
classes
Data-
set
Number
of
channels
Feature
extraction
Classifier Accuracy
MATLAB
Software
(previous
work )
[Shaymaa
Adnan
Abdulrahman
,et al 2020]
[19]
UCI
13
(AF8
C1
C2
C3
C4
CP1
CP5
CP6
FC5
FT7
P8
PO8
PZ
Sample
entropy
+
Graph-
Entropy
K-NN 83.7%
SVM
90.8%
Python
Software
(Proposed
work)
UCI
13
(AF8
C1
C2
C3
C4
CP1
CP5
CP6
FC5
FT7
P8
PO8
PZ)
Sample
entropy
+
Graph-
Entropy
K-NN 85.2%
SVM 91.5%
Through table 3 illustrates the use KNN and SVM as
classifier. According to the suggestion in this experiment is
the use of Python in classification process and Matlab in
feature extraction operation . The accuracy was 83.7% when
used KNN, and 90.8% with SVM classifier . This result is
considered the best comparison with the previous work
referred to in this research . Especially that the same feature
extraction algorithm was used and for the same data-set.
VI. CONCLUSION
In the present study, a detailed analysis of signals such as
Electroencephalography 13 channels data as classification
class is carried out and compared to result which have been
provided in [19] on an identical data-set . Sample entropy and
graph entropy used as feature extraction . This step was
executed using MATLAB environment . In comparison with
the Graph- Entropy and Sample -Entropy has higher
robustness to the noise compared to ( log energy entropy ,
spectral entropy , kroskov entropy) . In addition , highly
independent of data , series length . Sample-Entropy doesn’t
perform the counting of the self – match. Thereby, the bias has
been eliminated . A lower Sample- Entropy value will indicate
higher, self-similarity in time series. For evaluating of our
approach , the KNN and SVM was implemented using a
second programming language . This software is Python .
Especially Scikit-learn Toolbox . The results show that ,
Python software classifies better than Matlab environment
software with KNN and SVM , where was the accuracy 85.2%
and 91.5% respectively . We found that simple algorithms can
give better result compared to complex algorithms . The
reason for this, some programming languages are function
inside toolbox built in a way that can give us better results in
many respects such as implementation time , accuracy ,
maintenance. In addition the specification of the device on
which the experiments are conducted according to the
processor speed , type and version have an effect on the also
results . In the future we can use two different languages of
programming to human identification but using another type
of biometric like (iris , voice , face ,…etc) to show if it gives
better accuracy when using the same two programming
languages.
REFERENCES
[1]Shaymaa Adnan Abdulrahman, WaelKhalifa, Mohamed
Roushdy, Abdel-Badeeh M. Salem " A survey of biometrics
using electroencephalogram EEG " International Journal
"Information Content and Processing", Volume 6, Number 1,
2019
[2] J. Klonovs, C. Kjeldgaard Petersen, H. Olesen, A.
Hammershø, “Development of a Mobile EEG-based
Biometric Authentication System."IEEEVahicular magazine,
pp. 81-89, Volume: 8, Issue:1,
February 2013.
[3] Hu, Jianfeng," An approach to EEG-based gender
recognition using entropy measurement methods, Knowledge-
Based Systems, vol 140 ,pp 134-141 , 2018
[4] J. Galbally, J. Ortiz-Lopez, J. Fierrez, and J. Ortega-
Garcia, “Iris liveness detection based on quality related
features,” in IAPR Int. Conference on Biometrics (ICB), 2012,
pp. 271–276.
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
35 https://sites.google.com/site/ijcsis/
ISSN 1947-5500
[5]Goel, Akhil and Singh, Anirudh and Agarwal, Akshay and
Vatsa, Mayank and Singh, Richa ," Smartbox: Benchmarking
adversarial detection and mitigation algorithms for face
recognition" IEEE 9th International Conference on Biometrics
Theory, Applications and Systems (BTAS) pp 1-7 , 2018
[6] Santosh Thakur, Ramesh Dharavath , Damodar Reddy
Edla , " Spark and Rule-KNN based scalable machine learning
framework for EEG deceit identification " Biomedical Signal
Processing and Control, 2020
[7]Fabian Pedregosa , Ga¨elVaroquaux , Alexandre Gramfort
, Vincent Michel
Bertrand Thirion , " Scikit-learn: Machine Learning in Python
" Journal of Machine Learning Research , 2011
[8] T. Zito, N.Wilbert, L.Wiskott, and P. Berkes. Modular
toolkit for data processing (MDP): A Python data processing
framework. Frontiers in Neuroinformatics, 2, 2008.
[9] T. Schaul, J. Bayer, D. Wierstra, Y. Sun, M. Felder, F.
Sehnke, T. R¨uckstieß, and J. Schmidhuber.
PyBrain. The Journal of Machine Learning Research, 11:743–
746, 2010.
[10] Venthur, Bastian and D{"a}hne, Sven and H{"o}hne,
Johannes and Heller, Hendrik and Blankertz, Benjamin ,
Wyrm: A brain-computer interface toolbox in python, ,
Neuroinformatics , vol 13 , no 4 ,pp 471-486 , 2015
[11] Gramfort, Alexandre and Luessi, Martin and Larson, Eric
and Engemann, Denis A and Strohmeier, Daniel and
Brodbeck, Christian and Parkkonen, Lauri and
H{"a}m{"a}l{"a}inen, Matti S, " MNE software for
processing MEG and EEG data " Neuroimage, vol 86 ,
pp446-460 ,2014
[12] Pedregosa, F., et al.: Scikit-learn: machine learning in
python. J. Mach. Learn. Res. 12, 2825–2830 (2011)
[13] Buitinck, Lars and Louppe, Gilles and Blondel, Mathieu
and Pedregosa, Fabian and Mueller, Andreas and Grisel,
Olivier and Niculae, Vlad and Prettenhofer, Peter and
Gramfort, Alexandre and Grobler, Jaques and others, " API
design for machine learning software: experiences from the
scikit-learn project " arXiv preprint arXiv:1309.0238 , 2013.
[14] Bao, Forrest Sheng and Liu, Xin and Zhang, Christina, "
PyEEG: an open source python module for EEG/MEG feature
extraction "Computational intelligence and neuroscience,
2011
[15] Watson, David M and Hymers, Mark and Hartley, Tom
and Andrews, Timothy J, Patterns of neural response in scene-
selective regions of the human brain are affected by low-level
manipulations of spatial frequency, NeuroImage ,VOL 124
,PP 107-117 , 2016
[16] Rajaguru, Harikumar, and Sunil Kumar Prabhakar. 2018.
“Factor Analysis and Weighted KNN Classifier for Epilepsy
Classification from EEG Signals.” Proceedings of the 2nd
International Conference on Electronics, Communication and
Aerospace Technology, ICECA 2018 (Iceca): 332–35.
[17] C. Blake and C. Merz, “UCI repository of machine
learning databases,” Department of Information and Computer
Sciences, University of California, Irvine,2015
[18] Sivachitra.M, Vijayachitra.S " Planning and Relaxed state
EEG signal classification using Complex Valued Neural
Classifier for Brain Computer Interface "IEEE 2015
[19]Shaymaa Adnan Abdulrahman, Mohamed Roushdy,
Abdel-Badeeh M. Salem "support vector machine approach
for human identification based on EEG signals , journal of
mechanics of continua and mathematical sciences , ISSN
(Online) : 2454 -7190 Vol.-15, No.-2, pp 270-280 ISSN
(Print) 0973-8975, February 2020
[20] Richman, J S, and J R Moorman. 2000. “Physiological
Time-Series Analysis Using Approximate Entropy and
Sample Entropy.” American journal of physiology. Heart and
circulatory physiology 278(6): H2039-49.
http://www.ncbi.nlm.nih.gov/pubmed/10843903.
[21] Das, Kaushik, and RajkishurMudoi. 2018. “Analysis of
EEG Signals Using Empirical Mode Decomposition and
Support Vector Machine.” IEEE International Conference on
Power, Control, Signals and Instrumentation Engineering,
ICPCSI 2017: 358–62
[22] Matthias Dehmer, Abbe Mowshowitz " A history of
graph entropy measures" Information Sciences 181, 2011, 57-
78
[23]Pedregosa et al. (2011). Scikit-learn: Machine Learning in
Python, JMLR 12, pp. 2825-2830.
[24] [20] C. Cortes and V. Vapnik, “Machine Learning,” in
Machine Learning, vol. 20, Boston: Kluwer Academic
Publishers, pp. 273–297,1995
[25] F. Pedregosa, G. Varoquaux, A. Gramfort, V. Michel, B.
Thirion, O. Grisel, M. Blondel, P. Prettenhofer,
R. Weiss, V. Dubourg et al., Scikit-learn: Machine learning in
python," Journal of machine learning research,
vol. 12, no. Oct, pp. 2825{2830, 2011.
[26] Shaymaa Adnan Abdulrahman, Mohamed Roushdy,
Abdel-Badeeh M. Salem " HumanIdentification based on
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
36 https://sites.google.com/site/ijcsis/
ISSN 1947-5500
electroencephalography Signals using Sample Entropy and
Horizontal Visibility Graphs "WSEAS TRANSACTIONS on
SIGNAL PROCESSING , ISSN: 2224-3488 Volume 15,
2019
[27] Stein, Joshua S and Holmgren, William F and Forbess,
Jessica and Hansen, Clifford W , " PVLIB: Open source
photovoltaic performance modeling functions for Matlab and
Python "43rd photovoltaic specialists conference (pvsc),
pp3425-3430 , 2016
[28] Shaymaa Adnan Abdulrahman, WaelKhalifa, Mohamed
Roushdy, Abdel-Badeeh M. Salem" Comparative Study for 8
Computational Intelligence Algorithms for Human
Identification" Computer Science Review Journal,Vol 36
,2020
[29] Syed Hasan Adil, MansoorEbrahim, Kamran Raza, Syed
SaadAzhar Ali. "Prediction of Eye State Using KNN
Algorithm", 2018 International Conference on Intelligent and
Advanced System (ICIAS), 2018
[30]Fabio Nelli. "Chapter 8 Machine Learning with scikit-
learn", Springer Science and Business Media LLC, 2018
[31] http://www . sebastianraschka.com
International Journal of Computer Science and Information Security (IJCSIS),
Vol. 18, No. 5, May 2020
37 https://sites.google.com/site/ijcsis/
ISSN 1947-5500

More Related Content

What's hot

Deep Learning personalised, closed-loop Brain-Computer Interfaces for mu...
Deep  Learning  personalised, closed-loop  Brain-Computer  Interfaces  for mu...Deep  Learning  personalised, closed-loop  Brain-Computer  Interfaces  for mu...
Deep Learning personalised, closed-loop Brain-Computer Interfaces for mu...
Willy Marroquin (WillyDevNET)
 
Algorithmic Analysis to Video Object Tracking and Background Segmentation and...
Algorithmic Analysis to Video Object Tracking and Background Segmentation and...Algorithmic Analysis to Video Object Tracking and Background Segmentation and...
Algorithmic Analysis to Video Object Tracking and Background Segmentation and...
Editor IJCATR
 
Objects detection and tracking using fast principle component purist and kalm...
Objects detection and tracking using fast principle component purist and kalm...Objects detection and tracking using fast principle component purist and kalm...
Objects detection and tracking using fast principle component purist and kalm...
IJECEIAES
 
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSBON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ijcsit
 
CHARACTER AND IMAGE RECOGNITION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
CHARACTER AND IMAGE RECOGNITION FOR DATA CATALOGING IN ECOLOGICAL RESEARCHCHARACTER AND IMAGE RECOGNITION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
CHARACTER AND IMAGE RECOGNITION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
cscpconf
 
184816386 x mining
184816386 x mining184816386 x mining
184816386 x mining
496573
 
Segmentation and recognition of handwritten digit numeral string using a mult...
Segmentation and recognition of handwritten digit numeral string using a mult...Segmentation and recognition of handwritten digit numeral string using a mult...
Segmentation and recognition of handwritten digit numeral string using a mult...
ijfcstjournal
 
MULTIPLE HUMAN TRACKING USING RETINANET FEATURES, SIAMESE NEURAL NETWORK, AND...
MULTIPLE HUMAN TRACKING USING RETINANET FEATURES, SIAMESE NEURAL NETWORK, AND...MULTIPLE HUMAN TRACKING USING RETINANET FEATURES, SIAMESE NEURAL NETWORK, AND...
MULTIPLE HUMAN TRACKING USING RETINANET FEATURES, SIAMESE NEURAL NETWORK, AND...
IAEME Publication
 
Mechanical
MechanicalMechanical
Mechanical
jumbokuna
 
M017427985
M017427985M017427985
M017427985
IOSR Journals
 
A NOVEL BACKGROUND SUBTRACTION ALGORITHM FOR PERSON TRACKING BASED ON K-NN
A NOVEL BACKGROUND SUBTRACTION ALGORITHM FOR PERSON TRACKING BASED ON K-NN A NOVEL BACKGROUND SUBTRACTION ALGORITHM FOR PERSON TRACKING BASED ON K-NN
A NOVEL BACKGROUND SUBTRACTION ALGORITHM FOR PERSON TRACKING BASED ON K-NN
csandit
 
Application of Artificial Neural Networking for Determining the Plane of Vibr...
Application of Artificial Neural Networking for Determining the Plane of Vibr...Application of Artificial Neural Networking for Determining the Plane of Vibr...
Application of Artificial Neural Networking for Determining the Plane of Vibr...
IOSRJMCE
 
Bhadale group of companies ai neural networks and algorithms catalogue
Bhadale group of companies ai neural networks and algorithms catalogueBhadale group of companies ai neural networks and algorithms catalogue
Bhadale group of companies ai neural networks and algorithms catalogue
Vijayananda Mohire
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A Review
IRJET Journal
 
IRJET-Artificial Neural Networks to Determine Source of Acoustic Emission and...
IRJET-Artificial Neural Networks to Determine Source of Acoustic Emission and...IRJET-Artificial Neural Networks to Determine Source of Acoustic Emission and...
IRJET-Artificial Neural Networks to Determine Source of Acoustic Emission and...
IRJET Journal
 
Face Recognition Based Intelligent Door Control System
Face Recognition Based Intelligent Door Control SystemFace Recognition Based Intelligent Door Control System
Face Recognition Based Intelligent Door Control System
ijtsrd
 
Recognition of Epilepsy from Non Seizure Electroencephalogram using combinati...
Recognition of Epilepsy from Non Seizure Electroencephalogram using combinati...Recognition of Epilepsy from Non Seizure Electroencephalogram using combinati...
Recognition of Epilepsy from Non Seizure Electroencephalogram using combinati...
Atrija Singh
 
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
CSCJournals
 
IRJET - Content based Image Classification
IRJET -  	  Content based Image ClassificationIRJET -  	  Content based Image Classification
IRJET - Content based Image Classification
IRJET Journal
 
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
csandit
 

What's hot (20)

Deep Learning personalised, closed-loop Brain-Computer Interfaces for mu...
Deep  Learning  personalised, closed-loop  Brain-Computer  Interfaces  for mu...Deep  Learning  personalised, closed-loop  Brain-Computer  Interfaces  for mu...
Deep Learning personalised, closed-loop Brain-Computer Interfaces for mu...
 
Algorithmic Analysis to Video Object Tracking and Background Segmentation and...
Algorithmic Analysis to Video Object Tracking and Background Segmentation and...Algorithmic Analysis to Video Object Tracking and Background Segmentation and...
Algorithmic Analysis to Video Object Tracking and Background Segmentation and...
 
Objects detection and tracking using fast principle component purist and kalm...
Objects detection and tracking using fast principle component purist and kalm...Objects detection and tracking using fast principle component purist and kalm...
Objects detection and tracking using fast principle component purist and kalm...
 
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSBON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
ON THE IMAGE QUALITY AND ENCODING TIMES OF LSB, MSB AND COMBINED LSB-MSB
 
CHARACTER AND IMAGE RECOGNITION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
CHARACTER AND IMAGE RECOGNITION FOR DATA CATALOGING IN ECOLOGICAL RESEARCHCHARACTER AND IMAGE RECOGNITION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
CHARACTER AND IMAGE RECOGNITION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
 
184816386 x mining
184816386 x mining184816386 x mining
184816386 x mining
 
Segmentation and recognition of handwritten digit numeral string using a mult...
Segmentation and recognition of handwritten digit numeral string using a mult...Segmentation and recognition of handwritten digit numeral string using a mult...
Segmentation and recognition of handwritten digit numeral string using a mult...
 
MULTIPLE HUMAN TRACKING USING RETINANET FEATURES, SIAMESE NEURAL NETWORK, AND...
MULTIPLE HUMAN TRACKING USING RETINANET FEATURES, SIAMESE NEURAL NETWORK, AND...MULTIPLE HUMAN TRACKING USING RETINANET FEATURES, SIAMESE NEURAL NETWORK, AND...
MULTIPLE HUMAN TRACKING USING RETINANET FEATURES, SIAMESE NEURAL NETWORK, AND...
 
Mechanical
MechanicalMechanical
Mechanical
 
M017427985
M017427985M017427985
M017427985
 
A NOVEL BACKGROUND SUBTRACTION ALGORITHM FOR PERSON TRACKING BASED ON K-NN
A NOVEL BACKGROUND SUBTRACTION ALGORITHM FOR PERSON TRACKING BASED ON K-NN A NOVEL BACKGROUND SUBTRACTION ALGORITHM FOR PERSON TRACKING BASED ON K-NN
A NOVEL BACKGROUND SUBTRACTION ALGORITHM FOR PERSON TRACKING BASED ON K-NN
 
Application of Artificial Neural Networking for Determining the Plane of Vibr...
Application of Artificial Neural Networking for Determining the Plane of Vibr...Application of Artificial Neural Networking for Determining the Plane of Vibr...
Application of Artificial Neural Networking for Determining the Plane of Vibr...
 
Bhadale group of companies ai neural networks and algorithms catalogue
Bhadale group of companies ai neural networks and algorithms catalogueBhadale group of companies ai neural networks and algorithms catalogue
Bhadale group of companies ai neural networks and algorithms catalogue
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A Review
 
IRJET-Artificial Neural Networks to Determine Source of Acoustic Emission and...
IRJET-Artificial Neural Networks to Determine Source of Acoustic Emission and...IRJET-Artificial Neural Networks to Determine Source of Acoustic Emission and...
IRJET-Artificial Neural Networks to Determine Source of Acoustic Emission and...
 
Face Recognition Based Intelligent Door Control System
Face Recognition Based Intelligent Door Control SystemFace Recognition Based Intelligent Door Control System
Face Recognition Based Intelligent Door Control System
 
Recognition of Epilepsy from Non Seizure Electroencephalogram using combinati...
Recognition of Epilepsy from Non Seizure Electroencephalogram using combinati...Recognition of Epilepsy from Non Seizure Electroencephalogram using combinati...
Recognition of Epilepsy from Non Seizure Electroencephalogram using combinati...
 
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
Semantic Concept Detection in Video Using Hybrid Model of CNN and SVM Classif...
 
IRJET - Content based Image Classification
IRJET -  	  Content based Image ClassificationIRJET -  	  Content based Image Classification
IRJET - Content based Image Classification
 
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
 

Similar to Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal Identification based on EEG Signals

IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET Journal
 
Overview of Machine Learning and Deep Learning Methods in Brain Computer Inte...
Overview of Machine Learning and Deep Learning Methods in Brain Computer Inte...Overview of Machine Learning and Deep Learning Methods in Brain Computer Inte...
Overview of Machine Learning and Deep Learning Methods in Brain Computer Inte...
IJCSES Journal
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET Journal
 
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNINGANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
IRJET Journal
 
IRJET- Design an Approach for Prediction of Human Activity Recognition us...
IRJET-  	  Design an Approach for Prediction of Human Activity Recognition us...IRJET-  	  Design an Approach for Prediction of Human Activity Recognition us...
IRJET- Design an Approach for Prediction of Human Activity Recognition us...
IRJET Journal
 
Automatic Selection of Open Source Multimedia Softwares Using Error Back-Prop...
Automatic Selection of Open Source Multimedia Softwares Using Error Back-Prop...Automatic Selection of Open Source Multimedia Softwares Using Error Back-Prop...
Automatic Selection of Open Source Multimedia Softwares Using Error Back-Prop...
IJERA Editor
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET Journal
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language Detection
IRJET Journal
 
Image Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learningImage Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learning
PRATHAMESH REGE
 
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET Journal
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
sipij
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
sipij
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
sipij
 
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATIONA COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
sipij
 
End-to-end deep auto-encoder for segmenting a moving object with limited tra...
End-to-end deep auto-encoder for segmenting a moving object  with limited tra...End-to-end deep auto-encoder for segmenting a moving object  with limited tra...
End-to-end deep auto-encoder for segmenting a moving object with limited tra...
IJECEIAES
 
A feature selection method based on auto-encoder for internet of things intru...
A feature selection method based on auto-encoder for internet of things intru...A feature selection method based on auto-encoder for internet of things intru...
A feature selection method based on auto-encoder for internet of things intru...
IJECEIAES
 
Tifinagh handwritten character recognition using optimized convolutional neu...
Tifinagh handwritten character recognition using optimized  convolutional neu...Tifinagh handwritten character recognition using optimized  convolutional neu...
Tifinagh handwritten character recognition using optimized convolutional neu...
IJECEIAES
 
[IJET V2I3P11] Authors: Payal More, Rohini Pandit, Supriya Makude, Harsh Nirb...
[IJET V2I3P11] Authors: Payal More, Rohini Pandit, Supriya Makude, Harsh Nirb...[IJET V2I3P11] Authors: Payal More, Rohini Pandit, Supriya Makude, Harsh Nirb...
[IJET V2I3P11] Authors: Payal More, Rohini Pandit, Supriya Makude, Harsh Nirb...
IJET - International Journal of Engineering and Techniques
 
IRJET - A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET -  	  A Novel Approach for Software Defect Prediction based on Dimensio...IRJET -  	  A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET - A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET Journal
 
Performance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and MindsporePerformance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and Mindspore
ijdms
 

Similar to Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal Identification based on EEG Signals (20)

IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
 
Overview of Machine Learning and Deep Learning Methods in Brain Computer Inte...
Overview of Machine Learning and Deep Learning Methods in Brain Computer Inte...Overview of Machine Learning and Deep Learning Methods in Brain Computer Inte...
Overview of Machine Learning and Deep Learning Methods in Brain Computer Inte...
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived Videos
 
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNINGANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
 
IRJET- Design an Approach for Prediction of Human Activity Recognition us...
IRJET-  	  Design an Approach for Prediction of Human Activity Recognition us...IRJET-  	  Design an Approach for Prediction of Human Activity Recognition us...
IRJET- Design an Approach for Prediction of Human Activity Recognition us...
 
Automatic Selection of Open Source Multimedia Softwares Using Error Back-Prop...
Automatic Selection of Open Source Multimedia Softwares Using Error Back-Prop...Automatic Selection of Open Source Multimedia Softwares Using Error Back-Prop...
Automatic Selection of Open Source Multimedia Softwares Using Error Back-Prop...
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language Detection
 
Image Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learningImage Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learning
 
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
 
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATIONA COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
 
End-to-end deep auto-encoder for segmenting a moving object with limited tra...
End-to-end deep auto-encoder for segmenting a moving object  with limited tra...End-to-end deep auto-encoder for segmenting a moving object  with limited tra...
End-to-end deep auto-encoder for segmenting a moving object with limited tra...
 
A feature selection method based on auto-encoder for internet of things intru...
A feature selection method based on auto-encoder for internet of things intru...A feature selection method based on auto-encoder for internet of things intru...
A feature selection method based on auto-encoder for internet of things intru...
 
Tifinagh handwritten character recognition using optimized convolutional neu...
Tifinagh handwritten character recognition using optimized  convolutional neu...Tifinagh handwritten character recognition using optimized  convolutional neu...
Tifinagh handwritten character recognition using optimized convolutional neu...
 
[IJET V2I3P11] Authors: Payal More, Rohini Pandit, Supriya Makude, Harsh Nirb...
[IJET V2I3P11] Authors: Payal More, Rohini Pandit, Supriya Makude, Harsh Nirb...[IJET V2I3P11] Authors: Payal More, Rohini Pandit, Supriya Makude, Harsh Nirb...
[IJET V2I3P11] Authors: Payal More, Rohini Pandit, Supriya Makude, Harsh Nirb...
 
IRJET - A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET -  	  A Novel Approach for Software Defect Prediction based on Dimensio...IRJET -  	  A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET - A Novel Approach for Software Defect Prediction based on Dimensio...
 
Performance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and MindsporePerformance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and Mindspore
 

Recently uploaded

OpenID AuthZEN Interop Read Out - Authorization
OpenID AuthZEN Interop Read Out - AuthorizationOpenID AuthZEN Interop Read Out - Authorization
OpenID AuthZEN Interop Read Out - Authorization
David Brossard
 
Main news related to the CCS TSI 2023 (2023/1695)
Main news related to the CCS TSI 2023 (2023/1695)Main news related to the CCS TSI 2023 (2023/1695)
Main news related to the CCS TSI 2023 (2023/1695)
Jakub Marek
 
Presentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of GermanyPresentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of Germany
innovationoecd
 
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with SlackLet's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
shyamraj55
 
HCL Notes and Domino License Cost Reduction in the World of DLAU
HCL Notes and Domino License Cost Reduction in the World of DLAUHCL Notes and Domino License Cost Reduction in the World of DLAU
HCL Notes and Domino License Cost Reduction in the World of DLAU
panagenda
 
Mariano G Tinti - Decoding SpaceX
Mariano G Tinti - Decoding SpaceXMariano G Tinti - Decoding SpaceX
Mariano G Tinti - Decoding SpaceX
Mariano Tinti
 
AI 101: An Introduction to the Basics and Impact of Artificial Intelligence
AI 101: An Introduction to the Basics and Impact of Artificial IntelligenceAI 101: An Introduction to the Basics and Impact of Artificial Intelligence
AI 101: An Introduction to the Basics and Impact of Artificial Intelligence
IndexBug
 
20240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 202420240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 2024
Matthew Sinclair
 
5th LF Energy Power Grid Model Meet-up Slides
5th LF Energy Power Grid Model Meet-up Slides5th LF Energy Power Grid Model Meet-up Slides
5th LF Energy Power Grid Model Meet-up Slides
DanBrown980551
 
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Speck&Tech
 
Unlock the Future of Search with MongoDB Atlas_ Vector Search Unleashed.pdf
Unlock the Future of Search with MongoDB Atlas_ Vector Search Unleashed.pdfUnlock the Future of Search with MongoDB Atlas_ Vector Search Unleashed.pdf
Unlock the Future of Search with MongoDB Atlas_ Vector Search Unleashed.pdf
Malak Abu Hammad
 
Introduction of Cybersecurity with OSS at Code Europe 2024
Introduction of Cybersecurity with OSS  at Code Europe 2024Introduction of Cybersecurity with OSS  at Code Europe 2024
Introduction of Cybersecurity with OSS at Code Europe 2024
Hiroshi SHIBATA
 
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Jeffrey Haguewood
 
Recommendation System using RAG Architecture
Recommendation System using RAG ArchitectureRecommendation System using RAG Architecture
Recommendation System using RAG Architecture
fredae14
 
Webinar: Designing a schema for a Data Warehouse
Webinar: Designing a schema for a Data WarehouseWebinar: Designing a schema for a Data Warehouse
Webinar: Designing a schema for a Data Warehouse
Federico Razzoli
 
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
Edge AI and Vision Alliance
 
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
名前 です男
 
Nordic Marketo Engage User Group_June 13_ 2024.pptx
Nordic Marketo Engage User Group_June 13_ 2024.pptxNordic Marketo Engage User Group_June 13_ 2024.pptx
Nordic Marketo Engage User Group_June 13_ 2024.pptx
MichaelKnudsen27
 
Artificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopmentArtificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopment
Octavian Nadolu
 
GenAI Pilot Implementation in the organizations
GenAI Pilot Implementation in the organizationsGenAI Pilot Implementation in the organizations
GenAI Pilot Implementation in the organizations
kumardaparthi1024
 

Recently uploaded (20)

OpenID AuthZEN Interop Read Out - Authorization
OpenID AuthZEN Interop Read Out - AuthorizationOpenID AuthZEN Interop Read Out - Authorization
OpenID AuthZEN Interop Read Out - Authorization
 
Main news related to the CCS TSI 2023 (2023/1695)
Main news related to the CCS TSI 2023 (2023/1695)Main news related to the CCS TSI 2023 (2023/1695)
Main news related to the CCS TSI 2023 (2023/1695)
 
Presentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of GermanyPresentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of Germany
 
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with SlackLet's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
 
HCL Notes and Domino License Cost Reduction in the World of DLAU
HCL Notes and Domino License Cost Reduction in the World of DLAUHCL Notes and Domino License Cost Reduction in the World of DLAU
HCL Notes and Domino License Cost Reduction in the World of DLAU
 
Mariano G Tinti - Decoding SpaceX
Mariano G Tinti - Decoding SpaceXMariano G Tinti - Decoding SpaceX
Mariano G Tinti - Decoding SpaceX
 
AI 101: An Introduction to the Basics and Impact of Artificial Intelligence
AI 101: An Introduction to the Basics and Impact of Artificial IntelligenceAI 101: An Introduction to the Basics and Impact of Artificial Intelligence
AI 101: An Introduction to the Basics and Impact of Artificial Intelligence
 
20240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 202420240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 2024
 
5th LF Energy Power Grid Model Meet-up Slides
5th LF Energy Power Grid Model Meet-up Slides5th LF Energy Power Grid Model Meet-up Slides
5th LF Energy Power Grid Model Meet-up Slides
 
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
 
Unlock the Future of Search with MongoDB Atlas_ Vector Search Unleashed.pdf
Unlock the Future of Search with MongoDB Atlas_ Vector Search Unleashed.pdfUnlock the Future of Search with MongoDB Atlas_ Vector Search Unleashed.pdf
Unlock the Future of Search with MongoDB Atlas_ Vector Search Unleashed.pdf
 
Introduction of Cybersecurity with OSS at Code Europe 2024
Introduction of Cybersecurity with OSS  at Code Europe 2024Introduction of Cybersecurity with OSS  at Code Europe 2024
Introduction of Cybersecurity with OSS at Code Europe 2024
 
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
 
Recommendation System using RAG Architecture
Recommendation System using RAG ArchitectureRecommendation System using RAG Architecture
Recommendation System using RAG Architecture
 
Webinar: Designing a schema for a Data Warehouse
Webinar: Designing a schema for a Data WarehouseWebinar: Designing a schema for a Data Warehouse
Webinar: Designing a schema for a Data Warehouse
 
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
 
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
 
Nordic Marketo Engage User Group_June 13_ 2024.pptx
Nordic Marketo Engage User Group_June 13_ 2024.pptxNordic Marketo Engage User Group_June 13_ 2024.pptx
Nordic Marketo Engage User Group_June 13_ 2024.pptx
 
Artificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopmentArtificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopment
 
GenAI Pilot Implementation in the organizations
GenAI Pilot Implementation in the organizationsGenAI Pilot Implementation in the organizations
GenAI Pilot Implementation in the organizations
 

Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal Identification based on EEG Signals

  • 1. Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal Identification based on EEG Signals Shaymaa adnan Abdulrahman Department of computer Engineering, Imam Ja'afar Al-Sadiq University, Baghdad, Iraq PhD Student at Ain Shams University, Egypt Shaymaaa416@gmail.com Mohamed Roushdy Faculty of Computers &Information Technology, Future University in Egypt, , New Cairo, Egypt Mohamed.Roushdy@fue.edu.eg Abdel-Badeeh M. Salem Department of Computer Science, Ain Shams University ,Cairo,Egypt absalem@cis.asu.edu.eg Abstract—In the present paper, electroencephalogram (EEG) data have been used to human identification by computing sample entropy and graph entropy as feature extractions. Used two classifier types, which are K-Nearest Neighbors (K-NN) and Support Vector Machine (SVM). Python and Matlab software were used in this study and EEG data was collected by UCI repository . Matlab used when Thirteen channels was applied as feature extraction . The experimental results show that, Python software classifies the EEG-UCI data better than MATLAB environment software where the accuracy of KNN and SVM were 85.2% and 91.5% respectively. Keywords- Biometrics, K-Nearest Neighbors, Support Vector Machines , Electrocardiograph Signals, Python, Human identification I.INTRODUCTION Human identification can be considered as the first and most important step in a validation process for use in security system. The word "identification" in some cases is being confused with two other security associated terms which are authorization and authentication . In fact,. identification can be defined as the detection ,or identification of a certain persons authentication is defined as the verification of the individual's claimed identity and the . authorization is defined as the official approval [1] . Human identification with the use of a special behavioral - physiological feature of a personals referred to as the biometrics. Usually biometrics that are based on the EEG signals have increased in research . The reason for this increase is that it transmits information and data from the human brain . This information is individual so that it can be used as a biometric [2] . The EEG are among the most reliable measure and hard to reproduce. In addition not possible to be stolen or obtained under , threat . There are a large number of investigations were carried out regarding the identification of identity through the use of number of programming environments such as MATLAB , Python ,JAVA, C# ,….. etc. Previous studies in this research contain different methods for extracting data with different methods for the classification process , especially the use of the python environment . The contribution of the present study is a comparison between Python environment and Matlab software when two different methods such as ( KNN and SVM) as classifier for identifying a person . The previous work has been used overall process in Matlab software . While for implementing and , evaluating the suggested technique , utilized two distinct programming languages : preprocessing and feature extractions in Matlab software while classification and evaluation in Python -Scikit-learn Toolbox . For access to built-in machine learning functions in scikit-learn package [ 12]. This paper has been structured as: Section 2: Background Section 3:Overview data analysis with python environment Section 4: Proposed work , Section 5: Result and Discussion , Section 5:Conclusion II. BACKGROUND According to (Hu, Jianfeng ,2018)[3] suggested EEG to recognize gender . Four different approach was used like (fuzzy entropy, sample entropy, approximate entropy, spectral entropy) as feature Extraction . While different types of classification was applied with EEG signals collected from twenty eight subjects . While (Shaymaa Adnan Abdulrahma , et al 2019) [1] used electroencephalography to human identification . Sample Entropy and Horizontal Visibility Graphs used as feature extraction . The accuracy with Horizontal Visibility Graphs had a much better than sample entropy when used Machine Learning Repository (UCI) as International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 29 https://sites.google.com/site/ijcsis/ ISSN 1947-5500
  • 2. dataset . (Galbally et al. 2012)[4] investigated twenty two images quality measures (like: occlusion, focus, motion, and pupil dilation) . Sample entropy was implemented as feature extraction . Best feature is m chosen via the sequential selection of the floating feature for feeding a quadrat discriminant classifier . Smart-Box for Face Recognition was implemented according to (AkhilGoel et al , 2018) [5] . Usually Smart-Box consists of 3 adversarial perturbation modules such as (attack generation, detection, mitigation) . Images of a single individual from the Yale Face Database. The accuracy was 45 and identification more than 90% when deep-Fool decreases algorithm was implemented . A novel BCI P300 used to collected dataset when used EEG signals for identification was suggested by (Santosh Thakur,et al 2020) [6] . nonparametric weighted feature extraction approach has been implemented for the extraction of features. KNN classifier based rule set was applied to identification. Shown Table 1 TABLE I. TABLE 1 : PREVIOUS WORKS FOR HUMAN IDENTIFICATION The above table shows some of the different methods in the classification process . Data set was taken from different types of biometric like( face , EEG, iris ). Some of this data was taken directly from the user by using electrodes to measure brain signals . During the study of previous works . The accuracy ranged between 92% to 97% . III .OVERVIEW DATA ANALYSIS WITH PYTHON ENVIRONMENT Python is one of the programming language that can be used in the mathematical and statistical calculations process and for many operation such as classification pre-process , data extraction , prediction …..etc .[7] . Python is considered to be one of the simple and powerful programming languages. It has bridged the gap between programming such as C and shell program . One of the advantage of Python is it fast learning . The interpreter of Python is extended easily with new data types and functions which are implemented in C and is suitable as well, as one of the extension. languages for the highly customizable , applications of the C programming language like window, managers or editors, Website ( https://www.python.org/) . Python is available for a variety of the OS, like Amoeba, UNIX, Apple Macintosh OS, and MS-DOS. Moreover, it contains different high-level libraries (for the detailed benefits of Python python.org/about/) ,, like Scipy. (scipy.org/) allowing the user to be running MATLAB codes , following a little alteration . As for the signals and neuroimaging such as EEG , ECG ,EMG ,….etc. (http://nipy.sourceforge.net/) , it contains a set of toolbox dealing with this type of data . We will mention some of these function which are : 1)Scikit-learn Toolbox: refer to python module contain large number of algorithms used to machine learning . Represent this package is focus on delivering the machine learning to the non-specialists through the use high level general-purpose languages [7 ]. The focus has been emphasized on the performance ; documentation , ease of utilization and . Consistency of the API . It has minimum dependency values and has been distributed under simplified license of the BSD, which encourages its utilization in the academic as well as the commercial settings (scikit-learn.sourceforge.net) . Scikit- learn python package can be defined as rich environment for providing state-of-art implementation of numerous algorithms of machine learning with, keeping the easy-to-use interface closely integrated . The scikit-learn differs from other , tool-boxes of the machine learning in Python for , many reasons: • It has incorporated compiled, code for effectiveness, in contrast to the MDP [ Zito etal., 2008] [8] and pybrain [Schaul et al., 2010] [9] . • It has been distributed under the license of Berkeley Software Distribution (BSD) • Focus on imperative , programming . • Has the ability of evaluating the efficiency of the estimator or selecting parameters • with the optional use of the cross validation, which , distributes the computation to numerous cores . • It is only, dependent upon the numpy and ,scipy for the facilitation of the easy distribution Authors Feature extraction Classifier Dataset Biometric type Accuracy [Hu, Jianfeng, 2018] sample entropy fuzzy entropy approximat e entropy spectral entropy KNN RF DT QDA 28 subject by using electrode EEG 0.99 0.949 0.961 0.966 [Shaymaa Adnan Abdulrahm an, et al 2018] Sample Entropy + Horizontal Visibility Graphs KNN UCI Database EEG 92.6% 97.4% [Galbally et al. 2012] Sample entropy - UCI Dataset Iris [AkhilGoel et al , 2018] - Yale Face Database Face recogniti on [Santosh Thakur et al ,2020] non- parametric weighted KNN 20 subjects by using electrode EEG 92.46%. International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 30 https://sites.google.com/site/ijcsis/ ISSN 1947-5500
  • 3. Usually Scikit-learn includes a large group of the statistical learning approaches, like (unsupervised and supervised) . In addition its applications to the neuro-imaging information has given versatile tools for studying human brain. There wide variety of tools found inside the Scikit –Python[13] . 2)PyEEG Toolbox: is an open source module of Python for the EEG which has been utilized for feature extractions. In addition this Toolbox applied for the analysis of other physiological signals which have the ability of being considered as time series like MEG signals , representing the magnetic fields which have been induced, by the neural, electrical activity currents . One of the advantage of this Toolbox [14] . The framework PyEEG has been focused only on the extraction of the features from the segments of EEG/MEG. It contains no functions which are utilized for importing information of different formats or exporting features to a process of the classifier. Shown figure 1 . PyEEG contains numerous parameters and different algorithms for one characteristic such as Relative Intensity Ratio and Power Spectral Intensity (PSI), Petrosian Fractal Dimension, Higuchi Fractal Dimension (https://www.hindawi.com/) .Numerical values of the feature which has been obtained through using PyEEG can differ from the features which have been obtained by other tool- boxes. Therefore programmers must utilize the non-default values for parameters so as to meet their requirements. Figure1 Framework of PyEEG 3)Wyrm Toolbox: refer to an open source BCI toolbox in Python . These toolbox can implemented to a wide range of neuroscience problems . It analyzes and visualizes neurophysiological data in real time setting (https://github.com/bbci/wyrm) such as on line Brain- Computer Interface (BCI ) application. Shown figure 2 . Row contain number of channels like (F7, F8, C3, C4 , ………), while Colum refer to real time[10] . Figure 2 :Visualization of the Data object and attributes of Wyrm Toolbox 4)MNE-Python Toolbox : is an open source package software . It used for (information / data) preprocessing or statistical analysis or estimation of the functional connectivity between the distributed areas of the brain and Source localization . One of the advantage of this MNE is that it can access pre-processed data in an easy and fast . This feature helps users to quickly reproducibility approach and methods by other researchers (http://martinos.org/mne.) . MNE- Python has a distinctive feature that it gives a modules with the graphical . user interfaces(GUIs) , valuable to inspect ,and explore data[11] . Shown figure 3 Figure 3: GUI applications which are provided MNE Python 5)PyMVPA –Tool-box : is also an open source software built in Python environment using for the application of classification based analysis technique to f-MRI data-sets. Usually this toolbox applied for accessing the libraries which have been written in many different computing environments and programming. Languages . to the machine learning package interfaces [15] . The function inside this toolbox help researchers for easily conducting the analyses of noise perturbation. The tool-box of the PyMVPA is a free open source software , which was available from the website (www.pymvpa.org) . IV. PROPOSED WORK A. Data set The data-set utilized in the presented study was obtained from the repository of the UCI [16][17] . The data-set includes twelve input feature vectors , and a single target vector . Those input vectors have been acquired from the application of wavelet packet analysis . On the original signal in the band of the frequency (7Hz- 13Hz). The target vector is the planning or relaxed state . The training data includes ( 91 samples) and EEG series Non feature extraction Feature extraction functions Feature values PyEEG International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 31 https://sites.google.com/site/ijcsis/ ISSN 1947-5500
  • 4. testing data includes ( 91 samples) as well . There has been a total of (182 samples ) . Due to the fact that dataset which has been utilized in [18][19] has been 50% test data and 50% training data a similar number of testing and training data have been utilized in our study. When applying this experiment. Thirteen channels such as (AF8,C1,C2,C3,C4,CP1,CP5,CP6,FC5,FT7,P8,PO8,PZ ) were used to extract feature . Figure 4 display the proposed research methodology of this work. Figure 4 diagram of proposed search B. Feature extraction Sample-Entropy is one of the way in which the process of extracting information from raw data . It has proposed since 2000 by (Moorman and Richman) in order to improve the approach of the approximate entropy, which is a non-linear dynamic parameter for measuring the Complexity of a sequence [20]. Sample-Entropy consist of three parameters as input . Which are r represents the criterion of similarity( m) represents the embedded dimension . and (n) represents time series length [19]. In the present paper two parameters were applied : Se1 m=2.0, r=0.15 and Se2 :m=2.0, r=0.20 of every epoch of EEG signals are extract. These same values were used due to a compare this experience with previous studies [ 19] . We applied Sample-Entropy with 13 channels as feature extraction . Sample entropy refer to the negative natural logarithms when provided with the conditional likelihood , meaning that any. 2 sequences which are same for the (m) points stay. unchanged at the following point, in which ( r ) represents the similar criterion and (m ) represents the data segment’s length [21]. The mathematical application of the Sample-Entropy process may be represented as follows: Shown question 1 according to [19]. …….(1) Where refer to probability of the 2 sequences, matching for (m) points .While stands for the likelihood for 2 sequences to be matching for m+1 points . . , N data point from time series x(n)=x(1),x(2) ,x(3)…..x(n) . m vectors represented as for 1 k N-m+1 at the ith samples .There are many techniques to use for the calculation of the Graph- Entropy approach dependent on edges or vertex. This work know the ( Graph- Entropy ) [22] with the formula of Shannon’s entropy (Clarke 1968). The Shannon’s entropy can be define in the equation 4. Graph- Entropy = where p(k) is the probability of i C. Classification Tool C.1 KNN Classification One of the type of techniques used in supervised learning method is k-NN. The basic principle of this method is to classify the data by calculating the k closest neighbors to a Data- Set Accuracy A F 8 C 1 C 2 C 3 C 4 C P 1 C P 5 C P 6 F C 5 F T Channels MATLAB Environment Feature extraction Sample- Entropy Graph - Entropy Python environment SVM K-NN Classification International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 32 https://sites.google.com/site/ijcsis/ ISSN 1947-5500
  • 5. data point . In addition assigning the point to the most common class among those k neighbors . Euclidean distance was applied for distance metric . Euclidean distance X1, X2 = …. (5) Where X = (x11, x12, …, x1n) and X2 = (x21, x22, …, x2n) KNN method were trained through the (sklearn. Neighbors)[23] . K-Neighbors classifier module of python library scikit-learn with the use of the parameter below:(I), the Number of the neighbors . The number of neighbor k is (1) and (5 ) fold cross validation was utilized for calculation of the precision. The (python software)based implementation code to find the optimal values of the parameter for the model of the K-NN has been presented in figure 5. While Python based implementations of KNN, classification model has been illustrated in the figure 6[29]. K-NN (OPTIMAL PARAMETER )[29] #/ Configuring the matplot library for drawing in-line graph on the web-page/ /get_ipython().magic('matplotlib inline')/ # Importing needed packages /from the sklearn. model_ selection importing thetrain_test_split importing the pandas as pd/ from the . sklearn. neighbours .importing the K-NeighborsClassifier from the. sklearn. metrics importing the confusion . matrix from the sklearn. metrics importing the classification. report from the sklearn model -selection importing the GridSearch-CV importing the -numpy as np # Loading the EEG EyeState data-set from the file of thecvsto pandas eeg = pd.read_csv('EEG-EyeState.csv') # printing few records from EEG EyeState data-set printing(eeg.head()) y = eeg.iloc[:,12] # Extraction of the Independent (Prediction) variables (X) and Dependent (Predicted) Variable (Y) from the EEG EyeState data-set X = eeg.iloc[:,0:12] # Computing summary statistics and round them to 2 digits ;eeg.describing().rounding(2).transposing() # Computing corramongst all of the variables (Independent as well as dependent) eeg.corr().rounding(2) # Plotting of scatter matrix amongst all of the independent variables With the use of the dependent one sm = pd.scatter_matrix(eeg, c = y, figsize = [20, 20], s=150,marker = 'D') # Splitting thefull Data-set to Training data-set (50%) and Testing data-set (50%) Xtrain, Xtest, Ytrain, Ytest = train_test_split(X, y,test_size=0.5, random_state=21, stratify=y) # The count of the neighbors should decide from 1 to 10inclusive param_grid = {'n_neighbors': np.arange(1, 10)} Figure 5 : optimum k - parameter by using Python KNN –Classification[29] #The creation of the reference of the K-NN classifier knn = K-Neighbors Classifier() # Performing the search of the grid with the use of the K-NN approach and finding the optimal neighbors’ value on which the approach will be giving high precision with the cross validation = 12 k-nn_cv = GridSearch-CV(k-nn, param_grid, cv=12) # Building K-NN based model of classification K=-nn_cv.fit(Xtrain, Ytrain) # Printing the optimal value of neighbour and the optimal score which is accomplished by the training set K-NN model /Printing (k-nn_cv.best_params_) /Printing (k-nn_cv.best_score_) # Performing prediction (i.e. classification) on the testing data-set y_pred = k-nn_cv.predict(Xtest) # Calculation of the prediction score on the testing data-set k-nn_cv.score(Xtest, ytest) # Computing the confusion matrix according to the actual v.s. the predicted classon the testing dataset print(confusion. matrix .(Ytest, Ypred)) # Computing the Classification according to the actual v.s. predicted class on the testing data-set Printing the (classification _report(Ytest, Ypred)) Figure 6 : pseudo-code of K-NN Classification C.2 SVM Classification The second technique used in this study is SVM. It is considered one of the widely used methods in the field of supervised learning approach. SVMs perform classification through the detection of the hyperplane maximizing the margin between both classes, notice, linearly separable and binary. Support vector machine technique is proposed by (Cortes and Vapnik) [24] . This method works on the basis of reducing structural risk . SVM classifier with RBF kernel were applied on two different binary classification problems in this study . Shown the question (6) that is represented SVM classifier . The classifiers were implemented using the open- source scikit-learn library for python [25][28]. International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 33 https://sites.google.com/site/ijcsis/ ISSN 1947-5500
  • 6. Where and Where 'w1' is the normal to separating hyperplane which is represented by( ). For a set of data points ( ,) in which ( = +1,−1) the margin between 2 classes is given by: . The optimum margin, is computed through minimizing the problem of the constrained optimization that is additionally addressed through the reduction. It to the issue of the quantization programming optimization which will yield. Python Scikit-learn toolbox based implementation of SVM , classification model has been illustrated in the figure 7[30] . Pseudo-code (SVM scikit-learn-Python)[30] Importing the numpy as np Importing the pylab as pl from sklearn import svm, data-sets EEG = data-sets.load_EEG() X = EEG.data[:, :2] Y = EEG.target h = .02 # the size of the step in mesh # creating an SVMs instance and fitting out the -data. The data is not scaleddu e to the need for plotting support vectors C = 1 # SVMs parameter of regularization svc = svm.SVC(kernel='linear', C=C).fit(X, Y) rbf_svc = svm.SVC(kernel='rbf', fit(X, Y) poly_svc = svm.SVC(kernel='poly',).fit(X, Y) lin_svc = svm.LinearSVC(C=C).fit(X, Y) Xmin, Xmax = X[:, 0].min() - 1, X[:, 0].max() + 1 Ymin, Ymax = X[:, 1].min() - 1, X[:, 1].max() + 1 xx, yy = np.meshgrid(np.arange(Xmin, Xmax, h), np.arange(Ymin, Ymax, h)) titles = 'SVC with RBF kernel', for i, clf in enumerate((svc, rbf_svc, poly_svc, lin_svc)): # Plotting decision boundary, by assigning a color forevery one of the point s in mesh [Xmin, Mmax]x[Ymin, Ymax]. pl.sub-plot(2, 2, i + 1) Z = clf.predict(np.c_[xx.ravel(), yy.ravel() Z = Z.reshape(xx.shape) pl.contourf(xx, yy, Z, cmap=pl.cm.Paired) pl.axis('off') # Plotting training points as well pl.scatter(X[:, 0], X[:, 1], c=Y, cmap=pl.cm.Paired) pl.title(titles[i])pl.show() Figure 7: pseudo-code of SVM Classification V. RESULTS AND DISCUSSION In comparison with other common programming languages like Python and MATLA . These programs are friendly programming languages that contain similar characteristics and feature . Although there are similar feature , some of the advantages of both MATLAB and Python [27] . Table 2 illustrates these feature[31]. Table 2 comparison between Python and MATLAB software [31] MATLABPython - Simple computing environment -friendly for learn -Fast Debug -easy and fast code -can be abstract out a lot of implementation details -In addition simple for matrix operations - not good to manage free package -Open source -In Python , it need to add specific libraries for mathematics -requires function calls when use matrix Such as >>> X = numpy.array() >>> W = numpy.array() >>> X.dot(W) Or >>> X@W (Python 3.5) Through the comparison between MATLAB and Python as per the above Table , we found that in implement machine learning algorithms is easy and simple compared to Python/ NumPy (library to work with array structures vector equations with the use of the linear algebra or Scikit-Toolbox with basic machine learning tasks . MATLAB can be better than Python in relation to the introductory courses of computational neuroscience . Python may be considered ideal for low-resource institutions . (for the benefits of International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 34 https://sites.google.com/site/ijcsis/ ISSN 1947-5500
  • 7. Python, read (www.python.org/about/) for more detailed information). like Scipy, (www.scipy.org/) allowing the user running the, codes of MATLAB following a little of modifications . Python - scikit- learn toolboxes used for train and test . Split the data samples to 2 groups: 50% of the data have been utilized for training while 50% percent for testing . MATLAB environment was used Sample –Entropy and Graph- Entropy used as feature extraction . While Python software applied K-NN and SVM as classification . According to accuracy . Our results demonstrate that used Scikit-learn which has been used in the classification process better than Matlab according to accuracy . Table 3 : refer to comparing the result obtained in this experiment with the previous study. Table 3 : summarizes all results Platform classes Data- set Number of channels Feature extraction Classifier Accuracy MATLAB Software (previous work ) [Shaymaa Adnan Abdulrahman ,et al 2020] [19] UCI 13 (AF8 C1 C2 C3 C4 CP1 CP5 CP6 FC5 FT7 P8 PO8 PZ Sample entropy + Graph- Entropy K-NN 83.7% SVM 90.8% Python Software (Proposed work) UCI 13 (AF8 C1 C2 C3 C4 CP1 CP5 CP6 FC5 FT7 P8 PO8 PZ) Sample entropy + Graph- Entropy K-NN 85.2% SVM 91.5% Through table 3 illustrates the use KNN and SVM as classifier. According to the suggestion in this experiment is the use of Python in classification process and Matlab in feature extraction operation . The accuracy was 83.7% when used KNN, and 90.8% with SVM classifier . This result is considered the best comparison with the previous work referred to in this research . Especially that the same feature extraction algorithm was used and for the same data-set. VI. CONCLUSION In the present study, a detailed analysis of signals such as Electroencephalography 13 channels data as classification class is carried out and compared to result which have been provided in [19] on an identical data-set . Sample entropy and graph entropy used as feature extraction . This step was executed using MATLAB environment . In comparison with the Graph- Entropy and Sample -Entropy has higher robustness to the noise compared to ( log energy entropy , spectral entropy , kroskov entropy) . In addition , highly independent of data , series length . Sample-Entropy doesn’t perform the counting of the self – match. Thereby, the bias has been eliminated . A lower Sample- Entropy value will indicate higher, self-similarity in time series. For evaluating of our approach , the KNN and SVM was implemented using a second programming language . This software is Python . Especially Scikit-learn Toolbox . The results show that , Python software classifies better than Matlab environment software with KNN and SVM , where was the accuracy 85.2% and 91.5% respectively . We found that simple algorithms can give better result compared to complex algorithms . The reason for this, some programming languages are function inside toolbox built in a way that can give us better results in many respects such as implementation time , accuracy , maintenance. In addition the specification of the device on which the experiments are conducted according to the processor speed , type and version have an effect on the also results . In the future we can use two different languages of programming to human identification but using another type of biometric like (iris , voice , face ,…etc) to show if it gives better accuracy when using the same two programming languages. REFERENCES [1]Shaymaa Adnan Abdulrahman, WaelKhalifa, Mohamed Roushdy, Abdel-Badeeh M. Salem " A survey of biometrics using electroencephalogram EEG " International Journal "Information Content and Processing", Volume 6, Number 1, 2019 [2] J. Klonovs, C. Kjeldgaard Petersen, H. Olesen, A. Hammershø, “Development of a Mobile EEG-based Biometric Authentication System."IEEEVahicular magazine, pp. 81-89, Volume: 8, Issue:1, February 2013. [3] Hu, Jianfeng," An approach to EEG-based gender recognition using entropy measurement methods, Knowledge- Based Systems, vol 140 ,pp 134-141 , 2018 [4] J. Galbally, J. Ortiz-Lopez, J. Fierrez, and J. Ortega- Garcia, “Iris liveness detection based on quality related features,” in IAPR Int. Conference on Biometrics (ICB), 2012, pp. 271–276. International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 35 https://sites.google.com/site/ijcsis/ ISSN 1947-5500
  • 8. [5]Goel, Akhil and Singh, Anirudh and Agarwal, Akshay and Vatsa, Mayank and Singh, Richa ," Smartbox: Benchmarking adversarial detection and mitigation algorithms for face recognition" IEEE 9th International Conference on Biometrics Theory, Applications and Systems (BTAS) pp 1-7 , 2018 [6] Santosh Thakur, Ramesh Dharavath , Damodar Reddy Edla , " Spark and Rule-KNN based scalable machine learning framework for EEG deceit identification " Biomedical Signal Processing and Control, 2020 [7]Fabian Pedregosa , Ga¨elVaroquaux , Alexandre Gramfort , Vincent Michel Bertrand Thirion , " Scikit-learn: Machine Learning in Python " Journal of Machine Learning Research , 2011 [8] T. Zito, N.Wilbert, L.Wiskott, and P. Berkes. Modular toolkit for data processing (MDP): A Python data processing framework. Frontiers in Neuroinformatics, 2, 2008. [9] T. Schaul, J. Bayer, D. Wierstra, Y. Sun, M. Felder, F. Sehnke, T. R¨uckstieß, and J. Schmidhuber. PyBrain. The Journal of Machine Learning Research, 11:743– 746, 2010. [10] Venthur, Bastian and D{"a}hne, Sven and H{"o}hne, Johannes and Heller, Hendrik and Blankertz, Benjamin , Wyrm: A brain-computer interface toolbox in python, , Neuroinformatics , vol 13 , no 4 ,pp 471-486 , 2015 [11] Gramfort, Alexandre and Luessi, Martin and Larson, Eric and Engemann, Denis A and Strohmeier, Daniel and Brodbeck, Christian and Parkkonen, Lauri and H{"a}m{"a}l{"a}inen, Matti S, " MNE software for processing MEG and EEG data " Neuroimage, vol 86 , pp446-460 ,2014 [12] Pedregosa, F., et al.: Scikit-learn: machine learning in python. J. Mach. Learn. Res. 12, 2825–2830 (2011) [13] Buitinck, Lars and Louppe, Gilles and Blondel, Mathieu and Pedregosa, Fabian and Mueller, Andreas and Grisel, Olivier and Niculae, Vlad and Prettenhofer, Peter and Gramfort, Alexandre and Grobler, Jaques and others, " API design for machine learning software: experiences from the scikit-learn project " arXiv preprint arXiv:1309.0238 , 2013. [14] Bao, Forrest Sheng and Liu, Xin and Zhang, Christina, " PyEEG: an open source python module for EEG/MEG feature extraction "Computational intelligence and neuroscience, 2011 [15] Watson, David M and Hymers, Mark and Hartley, Tom and Andrews, Timothy J, Patterns of neural response in scene- selective regions of the human brain are affected by low-level manipulations of spatial frequency, NeuroImage ,VOL 124 ,PP 107-117 , 2016 [16] Rajaguru, Harikumar, and Sunil Kumar Prabhakar. 2018. “Factor Analysis and Weighted KNN Classifier for Epilepsy Classification from EEG Signals.” Proceedings of the 2nd International Conference on Electronics, Communication and Aerospace Technology, ICECA 2018 (Iceca): 332–35. [17] C. Blake and C. Merz, “UCI repository of machine learning databases,” Department of Information and Computer Sciences, University of California, Irvine,2015 [18] Sivachitra.M, Vijayachitra.S " Planning and Relaxed state EEG signal classification using Complex Valued Neural Classifier for Brain Computer Interface "IEEE 2015 [19]Shaymaa Adnan Abdulrahman, Mohamed Roushdy, Abdel-Badeeh M. Salem "support vector machine approach for human identification based on EEG signals , journal of mechanics of continua and mathematical sciences , ISSN (Online) : 2454 -7190 Vol.-15, No.-2, pp 270-280 ISSN (Print) 0973-8975, February 2020 [20] Richman, J S, and J R Moorman. 2000. “Physiological Time-Series Analysis Using Approximate Entropy and Sample Entropy.” American journal of physiology. Heart and circulatory physiology 278(6): H2039-49. http://www.ncbi.nlm.nih.gov/pubmed/10843903. [21] Das, Kaushik, and RajkishurMudoi. 2018. “Analysis of EEG Signals Using Empirical Mode Decomposition and Support Vector Machine.” IEEE International Conference on Power, Control, Signals and Instrumentation Engineering, ICPCSI 2017: 358–62 [22] Matthias Dehmer, Abbe Mowshowitz " A history of graph entropy measures" Information Sciences 181, 2011, 57- 78 [23]Pedregosa et al. (2011). Scikit-learn: Machine Learning in Python, JMLR 12, pp. 2825-2830. [24] [20] C. Cortes and V. Vapnik, “Machine Learning,” in Machine Learning, vol. 20, Boston: Kluwer Academic Publishers, pp. 273–297,1995 [25] F. Pedregosa, G. Varoquaux, A. Gramfort, V. Michel, B. Thirion, O. Grisel, M. Blondel, P. Prettenhofer, R. Weiss, V. Dubourg et al., Scikit-learn: Machine learning in python," Journal of machine learning research, vol. 12, no. Oct, pp. 2825{2830, 2011. [26] Shaymaa Adnan Abdulrahman, Mohamed Roushdy, Abdel-Badeeh M. Salem " HumanIdentification based on International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 36 https://sites.google.com/site/ijcsis/ ISSN 1947-5500
  • 9. electroencephalography Signals using Sample Entropy and Horizontal Visibility Graphs "WSEAS TRANSACTIONS on SIGNAL PROCESSING , ISSN: 2224-3488 Volume 15, 2019 [27] Stein, Joshua S and Holmgren, William F and Forbess, Jessica and Hansen, Clifford W , " PVLIB: Open source photovoltaic performance modeling functions for Matlab and Python "43rd photovoltaic specialists conference (pvsc), pp3425-3430 , 2016 [28] Shaymaa Adnan Abdulrahman, WaelKhalifa, Mohamed Roushdy, Abdel-Badeeh M. Salem" Comparative Study for 8 Computational Intelligence Algorithms for Human Identification" Computer Science Review Journal,Vol 36 ,2020 [29] Syed Hasan Adil, MansoorEbrahim, Kamran Raza, Syed SaadAzhar Ali. "Prediction of Eye State Using KNN Algorithm", 2018 International Conference on Intelligent and Advanced System (ICIAS), 2018 [30]Fabio Nelli. "Chapter 8 Machine Learning with scikit- learn", Springer Science and Business Media LLC, 2018 [31] http://www . sebastianraschka.com International Journal of Computer Science and Information Security (IJCSIS), Vol. 18, No. 5, May 2020 37 https://sites.google.com/site/ijcsis/ ISSN 1947-5500