1 Introduction

Heart is a special muscle which its cells (myocytes) control two main functions namely as nervous (electrical) activity and mechanical tension with force feedback. Contraction of the heart is controlled by sino-artrial node (SA node) which is the part of the heart’s conduction. Periodicity of electrical signal from SA node and its intrinsic electrical conduction form the heart beat variability and the heart’s contraction sequence. Myocytes electrical activity causes potential difference on the skin surface which is non-invasively measured and recorded by electrocardiography [1]. The recording is called electrocardiogram (ECG) which is used to analyze the heart rate and regularity. Since detected electrical activity in ECG represents the regional muscular activities, the electro-mechanical function of myocytes region can be diagnosed [2]. A normal ECG signal consists of three basic waves including P, QRS and T which are induced by electrical activity on the cardiac surface. These waves are formed by the atrial depolarization, the ventricular depolarization and the ventricular repolarization sequentially [3]. A disease caused by described heart conduction system is named arrhythmia which defines an irregular heartbeat or an irregular group of heartbeats [4], and it can be diagnosed effectively based on long-term ECG recordings [5].

Since it is a difficult process to detect arrhythmia heart beats in long-term ECG recording, machine learning algorithms become supportive tools in clinical environments to help physicians improve diagnostic accuracy [6]. In Brause’s study, diagnosis with the help of machine learning algorithms increases accuracy to 91.1 % while the accuracy of diagnosis by experienced physicians is 79.97 % [7].

Accurate analysis of ECG signals for arrhythmia diagnosis is the subject of pattern recognition and depends on feature extraction and classifier methods [8]. Both these stages have a definite effect on diagnostic accuracy. That’s why, several methods are applied. The first stage, feature extraction for EGC signal can be categorized into three main types namely time, frequency and time-frequency domain analysis. The time-domain features are called morphological and complexity features [9]. The well-known morphological feature extraction method is to find RR interval which is also used to determine heart rate [10]. The other morphological features can be summarized as PR, QRS and ST lengths, amplitude, slopes depend on characteristics of required cardiac disease classification [11, 12]. Morphological and complexity measures [13] are so noise sensitive that preprocessing and filtering should be well designed. However, advanced time-domain feature extraction methods for ECG are principal component analysis (PCA), independent component analysis (ICA), higher-order statistics (HOS), correlation coefficients and linear predictive coding (LPC) which require more complex algorithms and computations, but they can be less sensitive to noise [3, 1419]. Moreover, form factor (FF) is another time-domain feature extraction method which has been successfully applied to electroencephalography (EEG) classification which is suggested method for diagnosis of normal beat and ectopic beat in ECG [8]. Discrete wavelet transform (DWT) has taken attention in ECG classification [20] and became as one of the most popular and applied methods for time-frequency feature extraction of ECG signal [21]. It decomposes a signal into sub-bands. After determining which sub-bands represent ECG waveform without noise, its coefficients are used as feature vector. In addition to DWT coefficients, HOS methods can be applied to each sub-band of the ECG signal for more effective features [9, 22].

The second stage which has decisive effect on the performance is the machine learning algorithm to assign extracted unknown patterns to true classes. In general, learning approaches are categorized as supervised and unsupervised in pattern recognition. In case of a set of training samples with known class output is used by learning algorithm to predict unknown samples’ classes, it is called supervised learning. In unsupervised learning also known as clustering, similarities in samples are used to assign into classes by another algorithm. Many classifiers include a single classifier such as nearest neighbor, decision tree (DT), artificial neural networks (ANN) and support vector machines (SVM) for prediction. These classifiers have been successfully applied to biomedical signal classification [2326]. However, selecting the best classifier is an open issue because of varying input samples [27]. Therefore, classifier ensemble method has been proposed to decrease prediction error for learning algorithms [28]. There are the four ensemble learning types: bootstrap aggregating (bagging), boosting, random subspace and stacking. Bagging learning is based on assigning unknown data using several classifiers trained by bootstrap sample of training data. The output of each learner is applied to voting stage to assign data to most voted class [29]. Boosting method uses varying weighted input pattern for each learner and optimizes the weights of the lowest prediction error [30, 31]. In contrast, there are different types of machine learning algorithms in stacking ensemble method. The training data are applied to classifiers, and the outputs of them are used as metadata to be classified by a final classifier [2, 32]. Moreover, in random subspace method, the features of input pattern are divided into subsets and applied to individual learners especially in large data sets [33, 34].

We investigate ECG arrhythmia classification using bagged decision tree (BDT) as an ensemble learning method with extracted time-domain features. RR- and FF-based morphological feature extraction method is combined with skewness and LPC coefficients. Totally, nine features are extracted using time-domain methods: RR interval, FF, ratio of RR and FF to the previous values (RRR and FFR), RR and FF differences from mean RR and FF (RRM and FFM) with skewness and second-order LPC coefficients. Therefore, noise sensitivity problem of time-domain methods is removed using ratios and differences from mean value as well as skewness and LPC for robust feature combination. The extracted feature set computed using ECG signals in MIT–BIH arrhythmia database [35] is classified using single DT and BDT in order to investigate the effect of bagging learning method on ECG classification. The performance measures of both classifiers presented in the forms of confusion matrix, accuracy and sensitivity, specificity and Kappa statistic show that the first usage of the proposed BDT with the described time-domain feature extraction methods increases the numbers of successfully diagnosed ECG heart beats. This paper continues with the details of the proposed methods presented in Sect. 2 and the results given in Sect. 3. Discussion and conclusion are given in Sects. 4 and 5, respectively.

2 Materials and method

2.1 MIT–BIH arrhythmia database

MIT–BIH arrhythmia database contains approximately 30 min ECG recordings of 47 patients and generally used as a standard test database for the evaluation of arrhythmia classifiers. The sampling frequency of two channels including a modified limb lead II and one of the modified leads among V1, V2, V4 and V5 is 360 Hz.

In this study, we used six heartbeat types which are normal rhythm (N), left bundle branch block (LBBB), right bundle branch block (RBBB), atrial premature beat (APB), premature ventricular contraction (PVC) and paced beat (PB). Totally 56,569 heart beats are obtained from 22 ECG signals, and the distribution of heart beats is given in Table 1.

Table 1 Composition of the heart beat data set

The selected 22 ECG recordings including the six types of heart beat with different rates are used in this study. The classification of arrhythmia beat using BDT is investigated using this data set described in the next sections.

2.2 Proposed feature extraction for ECG signals

The normal ECG rhythm defines regular heart rhythm and waveform that can be easily observed. However, the ECG signals of the patients with arrhythmia do not have regular rhythm and waveforms which the points in QRS cannot be observed manually. Therefore, the morphological properties of the heart beat such as RR interval and QRS width are the main rules of arrhythmia detection used by physicians. It is expected that RR intervals in an ECG signal of a healthy patient are almost the same while RR intervals of arrhythmia beats of an unhealthy patient are varying. However, RR interval can be a weak feature for the classification of arrhythmia types, because it does not contain information about the waveform complexity and other segments of the ECG signal. For this reason, another feature extraction method, form factor (FF) is used to represent the waveform complexity of the EGC signal. LBBB and normal heart beats of ECG signals’ waveforms are given in Fig. 1 to show the effect of waveform complexity on arrhythmia detection.

Fig. 1
figure 1

LBBB and normal beat ECG waveforms [35]

The first parameter of FF called activity is the variance (σ 2 x ) of the segmented signal (x n ). The second parameter namely mobility (M x ) is found calculating the square root of the ratio of the activity of the first derivative of the segmented signal (\( \sigma_{{x^{\prime}}}^{2} \, \)) to the activity of the segmented original signal (σ 2 x ) Finally, FF is the ratio of the mobility of the first derivative of the signal to mobility of the original signal, and these are formulated as follows [8];

$$ M_{x} = \left[ {\frac{{\sigma_{{x^{\prime}}}^{2} }}{{\sigma_{x}^{2} }}} \right]^{\frac{1}{2}} $$
(1)
$$ {\text{FF}} = \frac{{M_{{x^{\prime}}} }}{{M_{x} }} = \frac{{\sigma_{{\ddot{x}}} /\sigma_{{\dot{x}}} }}{{\sigma_{{\dot{x}}} /\sigma_{x} }} $$
(2)

Higher-order statistics (HOS) is another applied feature extraction method in this study. HOS is described an effective tool to represent waveform complexity of the ECG signal, especially third-order cumulant has most powerful distinguishing capability compared to second- and fourth-order cumulants [36]. For zero mean discrete time signals, third-order cumulant can be determined by,

$$ C_{3x} (k,l) = E\left\{ {x(n)x(n + k)x(n + l)} \right\} $$
(3)

where E states the expectation operator, k and l state time lags. Special form of third-order cumulant with zero lag called as skewness (s) can be described by

$$ s = E\left[ {\left( {\frac{x - \mu }{\sigma }} \right)^{3} } \right] $$
(4)

where σ is the standard deviation to normalize output, and μ is the mean value of samples, in case of non-zero mean signals.

Linear prediction coding (LPC) predicts next samples of a signal from a linear combination of previous samples of the original signal. In other words, LPC is an all-pole IIR filter that can be computed by,

$$ \tilde{x}(n) = \sum\limits_{i = 1}^{p} {a_{i} x(n - i)} $$
(5)

where \( \tilde{x}(n) \) is the predicted sample, a i is denominator polynomial called LPC coefficient, and p is the order of LPC. It is given that second-order LPC coefficients provide better distinguishing capability for EGC classification [26].

In this study, nine dimensional features of the ECG signals are computed using RR- and FF-based feature extraction, skewness and second-order LPC coefficients which can represent many ECG classes [16] after pre-processing stage. Two Butterworth IIR filters with different orders are used as a low pass (LP) and high pass (HP) filter to remove noise and DC bias. The tenth order LP filter has 53-Hz cut-off frequency, and the third-order HP filter has 0.75-Hz cut-off frequency. ECG recordings and their RR intervals can be found on the web page of PhysioBank ATM [37]. The toolbox on that page also provides R points in the required ECG recording as sample numbers and RR intervals as duration in text file format. The RR intervals in the text file are used directly as features, and R points as sample numbers are used for reference points of other feature extraction methods.

Each beat in ECG signals is segmented between 30 samples before referenced R point and 79 samples after R point for FF computing. Finally, RR, FF, RR and FF ratio to the previous values (RRR, FFR), the differences of RR and FF from mean values (RRM, FFM) are extracted as RR- and FF-based features that can be formulated by,

$$ {\text{RR}}(i) = R(i) - R(i - 1) $$
(6)
$$ {\text{FF}}(i) = \frac{{\sigma_{{\ddot{x}}} /\sigma_{{\dot{x}}} }}{{\sigma_{{\dot{x}}} /\sigma_{x} }} $$
(7)
$$ {\text{RRR}}(i) = {\text{RR}}(i)/{\text{RR}}(i - 1) $$
(8)
$$ {\text{FFR}}(i) = {\text{FF}}(i)/{\text{FF}}(i - 1) $$
(9)
$$ {\text{RRM}}(i) = {\text{RR}}(i) - \overline{\text{RR}} $$
(10)
$$ {\text{FFM}}(i) = {\text{FF}}(i) - \overline{\text{FF}} $$
(11)

The other feature extraction methods are skewness and second-order LPC. The windowing is selected between 27 samples before R points and 60 samples after R point to increase classification accuracy after try and trial method. In brief, nine dimensional feature vectors computing RR- and FF-based morphological features, skewness and second-order LPC coefficients are considered. The block diagram of the proposed feature extraction method is given in Fig. 2.

Fig. 2
figure 2

The block diagram of the proposed feature extraction

A total of 56,569 heart beats obtained from 22 ECG recordings of MIT–BIH arrhythmia database are applied the feature extraction stages, and 9-dimensional feature vector of each beat is computed and saved for classification.

2.3 Ensemble learning

Ensemble learning is the method of using multiple learning models to increase predictive performance. The prediction of each learning algorithm is combined in several methods such as majority voting and averaging [38, 39]. The well-known ensemble methods are listed in the literature as bagging, boosting, stacking and random subspacing [40]. Boosting method is a powerful procedure for combining the performance of each weak learner [30]. Each pattern in training data is weighted observing its effect on prediction error. After each iteration, the weights are determined and applied to the classifier. Random subspace method proposed by Ho [34] is another method of ensemble learning. In this method, features divided into random dimensionality subspaces are used to construct classifiers, and output is combined by majority voting. This method has advantages on classification of high dimensional data. However, it is still a problem how to select the optimum feature subspaces. In addition, stacking ensemble method is to add a new classifier to correct the errors of previous classifiers. The outputs of the previous classifiers are used as metadata for the last classifier. Thus, ensemble of various classifiers can be considered to increase predictive performance in the field of pattern recognition.

Bagging or bootstrap aggregating proposed by Breiman in 1996 [28] is a procedure for combining base learners or classifiers using the same training data set. The unknown test pattern is assigned to the class based on majority voting rule. The algorithm of bagging can be described by the following steps:

  1. 1.

    Training data (x i , z i ) i = 1,…,n,

  2. 2.

    For b = 1,…,B

    1. a.

      Generate bootstrap samples of training data, some instances will replicated, some will omitted

    2. b.

      Use bootstrapped data as training data for each classifier, n b .

  3. 3.

    Classify test data using trained each classifier, n b and assign to the most represented.

A pattern in bootstrap resampled training set has a probability of \( 1 - (1 - 1/n)^{n} \) of being selected, and this is approximately 1 − 1/e = 0.63 for large n values, which means that each bootstrapped sample includes about 63 % unique pattern in the training data, namely data in bag. Thus, this different distribution in each sample causes different numbers of classifiers, and the remained patterns about 37 % of the training set can be used to evaluate ensembles of bagged decision trees before testing procedure, which is called out-of-bag (OOB) classification error. In contrast to this advantage, the bagging ensemble reduces the variance and increases the classification accuracy of only unstable base classifiers such as DTs and ANNs [40, 41]. In other words, k-nearest neighbor and Naïve Bayes classifiers are stable and not effective for bagging procedure [42].

In this study, bagging ensemble method is considered for the classification of arrhythmia heart beats. DT is selected as the base learner of the bagging method, and arrhythmia beat classification using the single DT with BDT is compared. The diagram of the BDT method applied in this study is given in Fig. 3.

Fig. 3
figure 3

The diagram of the bagged decision tree applied in this study

Seventy-five percent of extracted 56,569 heart beats using MIT–BIH arrhythmia data set are used as testing instances for the BDT. The number of bootstrap resampling is varied between 2 and 75 to construct the same numbers of base learners namely DTs. Thus, DTs trained by subsets with non-uniform ECG sample distribution are grown up to 75. The effect of the numbers of base learners on bagging ensemble classifiers can be analyzed by observing the OOB error without applying any testing method such as partitioning and k-fold cross-validation because of the bootstrap resampling. In other words, 37 % of ECG observations (5,233 ECG heart beat samples) which are omitted from the training data in bootstrapping can be a practical way to examine bagging method. However, the test data are applied to construct DTs by bootstrap resampled training subsets to make final decision about the arrhythmia heart beat classification evaluating performance measures. Finally, 25 % of the samples are applied to the constructed DTs, and the final class assignment is decided based on majority voting rule.

2.4 Performance measures

The performance of a proposed classifier is evaluated comparing the actual value with predicted value. For this reason, the first step is to store the actual and assigned class attributes in the form of the confusion matrix given in Table 2.

Table 2 A confusion matrix

Accuracy is the common method which indicates the overall performance of the proposed classification. Sensitivity and specificity are the other measures which indicate correctly identified actual positive samples and correctly identified negative samples, respectively. These measures can be found by

$$ {\text{Accuracy}} = \frac{{{\text{TP}} + {\text{TN}}}}{{{\text{TP}} + {\text{TN}} + {\text{FP}} + {\text{FN}}}} $$
(12)
$$ {\text{Sensitivity}} = \frac{\text{TP}}{{{\text{TP}} + {\text{FN}}}} $$
(13)
$$ {\text{Specificity}} = \frac{\text{TN}}{{{\text{TN}} + {\text{FP}}}} $$
(14)

Kappa statistic [43, 44] is also a measure of the agreement between two raters, which is thought to be more robust because it eliminates agreements which can be attributed to chance [45]. Kappa value (k) is formulated as

$$ k = \frac{{p_{0} - p_{c} }}{{1 - p_{c} }} $$
(15)

where p 0 denotes the observed proportions of agreements, and p c denotes the expected proportion of agreement. These are defined as

$$ p_{0} = \frac{{\sum\nolimits_{i = 1}^{k} {n_{ii} } }}{N} $$
(16)
$$ p_{c} = \sum\limits_{i = 1,j = 1,i = j}^{k} {p_{i} p_{j} } $$
(17)

where k is the number of classification categories, n ii is the number of cases that comparison pair agrees as to classification in category i, N is the total number of cases, p i. and p. j are the marginal probabilities. The computed Kappa value defines the agreement level given in Table 3.

Table 3 Interpretation values of Kappa statistic

According to Kappa value, maximum value is one and defines total agreement. The agreement level of two raters decreases when its value decreases. It is desired to get maximum Kappa value when a classifiers output is compared with actual classes.

3 Experimental results

Arrhythmia hear beat classification is examined using the proposed time-domain feature extraction methods and BDT as described in the previous sections. The feature extraction process consists of time-domain methods based on RR interval and FF, higher-order statistics including skewness, and second-order LPC coefficients of ECG signal. Totally, 56,569 ECG heart beats obtained from MIT–BIH arrhythmia database are extracted for classification of six heart beat types namely normal, LBBB, RBBB, APB, PVC and PB. One of the ensembles learning method, BDT, is used as the classifier and compared to ECG classification using single DT. The two classifications and feature extraction algorithms of which details of each stage are given in the previous sections are written using MATLAB®, and the block diagram is given in Fig. 4.

Fig. 4
figure 4

Proposed arrhythmia heart beat classification

25 % of 56,569 heart beat samples are remained as test data for BDT and DT, and the rest of the samples are used as training data for DT and BDT with varying numbers of base learners. Before testing, the OOB error is observed to evaluate the effect of grown DTs on the prediction error. This is a useful indicator to estimate BDT performance before complex testing computations. For this reason, the OOB error of the proposed BDT is given in Fig. 5.

Fig. 5
figure 5

OOB error of the proposed BDT classifier

The proposed BDT with up to 75 base learners has minimum OOB error (0.006058) when 69, 73, 74 and 75 base learners are used. This useful OOB error information resulted by classifying patterns in bag with out-of-bag patterns shows that the numbers of grown trees increase the predictive performance. To extend performance measures of the arrhythmia classification, test data are applied to the trained the BDT, and the effect of bagging method on arrhythmia detection is evaluated using metrics including accuracy, sensitivity, specificity and Kappa value. Thus, the accuracy graph of bagging DT varying numbers of base learners is given in Fig. 6, while single DT results 98.78 % of accuracy.

Fig. 6
figure 6

The accuracy graph of arrhythmia classification using BDT

The proposed arrhythmia classification using BDT trained by 25 % of extracted 56,569 ECG heart beat results 99.51 % of the maximum accuracy with only 69 base learners, although the OOB error rate is minimum when 69, 73, 74 and 75 base learners are used. That’s why, different test data ratios affect the accuracy slightly, but the OOB error is an effective indicator to estimate the BDT’s performance before testing procedure. Moreover, BDT results higher accuracy after the numbers of base learners are three (99.07 %) or more when compared to single DT, and the confusion matrices of the arrhythmia classification using BDT with 69 base learners and single DT are given in Table 4 to show the differences between successfully recognized heart beats using BDT and DT.

Table 4 Confusion matrices of the classifiers

Referring Table 4, the counts of correctly predicted samples in the confusion matrix of the BDT classifier are higher, while misclassified samples are lower when compared to DT classifier. To extend the investigation of the effect of the proposed arrhythmia classification using BDT on the distinguishing capability for each class, TP, TN, FP, FN, sensitivity and specificity values of each class are computed and given in Table 5 using the counts in the confusion matrices of arrhythmia classification using BDT and DT.

Table 5 Results of arrhythmia classifications using suggested BDT and DT

Generally, TP and TN counts which state successfully recognized positive and negative samples for the BDT classifier are higher than DT, while FP and FN counts are lower. This results higher sensitivity and specificity values of each beat type classification. In addition, the suggested BDT has more increasing effect on resulted lower sensitivities of DT classifier. For example, APC classification using DT has the lowest sensitivity (88.78 %), and this ratio is increased by 3.07 % and resulted 88.78 %. Specificity has similar behavior to the sensitivity, and it has more increase (0.87 %) for normal beat classification using BDT. Briefly, arrhythmia heart beat classification using the suggested BDT and the feature extraction methods decreases unsuccessfully recognized beat samples, especially APB. Final assessment on arrhythmia classification is given in Table 6 considering overall classification results of both BDT and DT.

Table 6 Overall performance measures of the BDT and DT

Resulted Kappa values of BDT and DT are nearly one, and both classifications are named “excellent agreement”, because predicted arrhythmia classes are nearly same to actual classes. However, Kappa value of the BDT classifier with 69 base learners is higher than DT’s, which indicates the suggested feature extraction method with BDT has higher predictive performance.

4 Discussion

The main morphological feature extraction method for ECG signal classification is the RR interval. Its powerful distinguishing capability on irregular heart rhythms increases its use as a feature in medical diagnostic decision support systems. However, the detection of RR interval is noise sensitive, and it can cause misclassified hear beat samples. For this reason, filtering methods before feature extraction of RR interval should be well designed or RR interval should be combined to other feature extraction methods. Thus, FF, skewness and second-order LPC coefficients to extract the information of the ECG waveform complexity as well as the reported as successful methods [5], the ratios of RR and FF to the previous values and differences from mean values are used with RR as time-domain methods.

The machine learning methods are as decisive as feature extraction methods for ECG classification as well as for any pattern recognition problem. Various machine learning algorithms such as k-NN, ANN, SVM have been studied and successfully applied to ECG heart beat classification. However, ensemble learning methods to combine each learner’s predictive performance are rarely applied to this field. Bagging decision tree is used as an ensemble method to increase the numbers of successfully recognized arrhythmia ECG beat samples. Considering accuracy metric indicates overall distinguishing performance of a classifier, single DT results 98.78 % of accuracy, while BDT with 69 base learners results 99.51 % of accuracy. In this study, we observe that BDT with three and more base learner provides higher predictive performance examining given accuracy (99.51 %), sensitivity (97.50 %), specificity (99.80 %), Kappa coefficient (0.989), while single DT results 98.78, 96.05, 99.57 and 0.975 %, respectively. That is the reason why BDT has more predictive performance on misclassified ECG samples of DT especially for APC beat type.

The comparison of this study with previous studies, in terms of the methodology, data set and accuracy is reported in Table 7. Since various methodology and heart beat number and types are used in the previous studies, it is not possible to make definite comparison. However, this suggested feature extraction method using RR interval and FF-based features, third-order cumulant and second-order LPC coefficients with decision tree and bagged decision tree classifiers have higher accuracy rate than the previous studies.

Table 7 Comparison of this study with previous studies

Finally, although BDT with 69 base learners has higher performance measures, BDT with at least three base learners can be used to increase the number of successfully recognized ECG beat samples in comparison with a single DT and the previous studies, which make BDT a successful classifier for ECG signals. Moreover, the time consuming of BDT algorithm with three learners takes approximately nine seconds, when DT consumes eight seconds on 64-bit Windows® 7 running Laptop PC with Intel® i3 2.27 GHz processor with 3 GB DDR3 RAM. However, time consumed increases approximately seventy seconds, in case 75 base learners are used.

5 Conclusion

In this study, we used bagged decision tree (BDT) which is the type of ensemble learning method as the arrhythmia heart beat classifier and compared with single decision tree (DT). Twenty-two ECG recordings obtained from MIT–BIH arrhythmia database are used to evaluate these classifiers. Totally, 56,569 heart beats are extracted using RR interval (RR) and form factor (FF)-based features, skewness and second-order linear predictive coding (LPC) coefficients for six types of arrhythmia heart beats. RR which is the main property to detect irregular heart rhythms is compared to previous RR and mean RR value. Thus, RR ratio to previous RR (RRR) and RR difference from mean RR value (RRM) is used to increase powerful morphological properties of RR. FF- and FF-based features; FF ratio to previous one (FFR) and FF difference from mean FF value (FFM) is computed like in RR-based features to represent ECG waveform complexity into a few coefficients. In addition to these, skewness and second-order LPC coefficients are added to features of the ECG signals. Finally, 9-dimensional feature vector for 56,569 heart beats is extracted. The quarter of the extracted ECG samples are used as test data for DT and BDT, and DT results 98.78 % of accuracy while BDT results 99.51 % of accuracy with 69 base learners and the defined feature extraction method. The other performance measures including sensitivity (97.50 %), specificity (99.80 %) and Kappa value (0.990) are higher for BDT classifier when compared to DT results 96.05 %, 99.57 % and 0.975, respectively. Finally, BDT has a higher predictive performance of arrhythmia hear beat classification considering the given performance measures when compared to DT. That is why, the BDT classifier can recognize false-negative samples of each class resulted by DT especially for atrial premature beat. In other words, BDT increases resulted sensitivity rates of DT classifier for each classes. In conclusion, the suggested combination of time-domain feature extraction methods and BDT with at least three base learners can be successfully used for arrhythmia decision support system to increase medical diagnostic accuracy.