key: cord-0032405-w4q8ka2q authors: Kurmi, Ankit; Biswas, Shreya; Sen, Shibaprasad; Sinitca, Aleksandr; Kaplun, Dmitrii; Sarkar, Ram title: An Ensemble of CNN Models for Parkinson’s Disease Detection Using DaTscan Images date: 2022-05-08 journal: Diagnostics (Basel) DOI: 10.3390/diagnostics12051173 sha: 1b696a3bc66f3c778ac58c53e68db4728b17129c doc_id: 32405 cord_uid: w4q8ka2q Parkinson’s Disease (PD) is a progressive central nervous system disorder that is caused due to the neural degeneration mainly in the substantia nigra in the brain. It is responsible for the decline of various motor functions due to the loss of dopamine-producing neurons. Tremors in hands is usually the initial symptom, followed by rigidity, bradykinesia, postural instability, and impaired balance. Proper diagnosis and preventive treatment can help patients improve their quality of life. We have proposed an ensemble of Deep Learning (DL) models to predict Parkinson’s using DaTscan images. Initially, we have used four DL models, namely, VGG16, ResNet50, Inception-V3, and Xception, to classify Parkinson’s disease. In the next stage, we have applied a Fuzzy Fusion logic-based ensemble approach to enhance the overall result of the classification model. The proposed model is assessed on a publicly available database provided by the Parkinson’s Progression Markers Initiative (PPMI). The achieved recognition accuracy, Precision, Sensitivity, Specificity, F1-score from the proposed model are 98.45%, 98.84%, 98.84%, 97.67%, and 98.84%, respectively which are higher than the individual model. We have also developed a Graphical User Interface (GUI)-based software tool for public use that instantly detects all classes using Magnetic Resonance Imaging (MRI) with reasonable accuracy. The proposed method offers better performance compared to other state-of-the-art methods in detecting PD. The developed GUI-based software tool can play a significant role in detecting the disease in real-time. Parkinson's disease (PD) has a prevalence rate of 1% in the over-60 age group, and affects about 0-2 per 1000 people. It is the second most common brain disease after Alzheimer's disease [1] . A central nervous system disorder, especially those affecting the brain, causes the neurons to degenerate. A person suffering from this disease will experience tremors at rest, bradykinesia (slow movement), rigidity, sleep disturbances, asymmetry in posture, depression, and other such symptoms. In the advanced stages of the disease, PD dementia becomes coarse and patients have difficulty sleeping or concentrating. People with PD lose the nerve endings that produce dopamine, the prime chemical which controls most of the involuntary functions of the body. This might help explain some of the involuntary symptoms of PD, like tiredness, non-uniform blood pressure, reduced peristalsis, and a sudden drop in blood pressure. PD appears hereditary in some cases, and certain mutations can be traced to it, but most of the time this disease is random. There is a growing consensus that it is caused by a combination of genetics and environmental factors, such as exposure to toxins. A loss of dopaminergic neurons in the substantia nigra region of the brain is one of the leading causes of Parkinson's disease [2] . Currently, there is no particular test for its diagnosis [3] . The diagnosis till date is primarily based on the symptoms mentioned above and their response to PD medications. However, non-invasive imaging like Positron Emission Tomography (PET) scans can help with the diagnosis. Since these are not purely scientific, the need for Artificial Intelligence (AI) based techniques for diagnosis become important. Researchers have been addressing the need for AI-based systems because many of them have been so far adopted successfully in different medical imaging applications [4] [5] [6] . The aim of this paper is to present an ensemble approach for the detection of PD that integrates decision scores obtained from four different DL models. In addition to assisting practitioners in performing disease diagnosis, the outcomes of this model will enable physicians to take action before patients' disorders become more serious. The present study has been conducted using a publicly available database of DaTscan Single Photon Emission Computerized Tomography (SPECT) images accessed from the PPMI data [7] . The proposed model provides a higher recognition score than many of the existing methodologies in the literature. The organization of the paper is as follows: some co-related works for the classification of PD have been mentioned in Section 2. Section 3 describes the motivation and overview of the proposed work. The details regarding the dataset used, along with the pre-processing steps applied to the dataset have been mentioned in Section 4. In Section 5, we have explained the methodology used in the present experiment including the details of the base models and the applied ensemble approach. Section 6 describes the results obtained by the proposed model and also compares its performance with other state-of-the-art techniques found in the literature. Section 7 describes the application that is developed by using the proposed methodology. Finally, Sections 8 and 9 discuss and conclude the overall work. Till date, researchers across the world have been trying to observe the outcomes of various Machine Learning (ML) and DL-based methods for prediction of PD. Though several of these techniques have provided satisfactory results, it has also been noticed that different models yield different outcomes. This section briefly highlights a few of the approaches available in the literature. Abos et al. [8] extracted features from Resting-State Functional MRI (rsfMRI) and used Support Vector Machine (SVM) for the detection of PD. They achieved an 86.96% accuracy, 78.95% sensitivity, and a specificity of 92.59%. Amoroso et al. [9] used network and clinical features to classify PD patients using an SVM. They experimented on the PPMI dataset and got a 93% recognition accuracy and sensitivity, and 92% of specificity. A Sparse feature selection model was proposed by Lei et al. [10] , reporting an accuracy of around 80%. Salvatore et al. [11] considered healthy, PD, and supranuclear palsy MRI images to extract features. Next, they have used Principal Components Analysis (PCA) to find the relevant features and fed them to an SVM classifier for classification purposes, having obtained above 90% accuracy for the case of PD patients vs. controls. Prashant et al. [12] used SVM with striatal binding ratio to classify PD patients and they got an accuracy of 96.14%, a sensitivity score of 95.74%, and 77.35% specificity. Brahim et al. [13] performed their experiments for classifying PD using shape and surface-fitting-based features and an SVM classifier. They achieved a 92.6% accuracy, a 91.2% sensitivity, and a specificity of 93.1%. An Artificial Neural Network (ANN) architecture for PD classification was proposed by Rumman et al. [14] and they obtained an accuracy of 94%, sensitivity of 100%, and specificity of 88%. Sivaranjani et al. [15] proposed a Convolutional Neural Network (CNN) trained on the PPMI dataset and achieved an accuracy of 88.9%. Another DL-based framework was proposed by Esmaeilzadeh et al. [16] for classification and regression of PD on PPMI images. Shah et al. [17] have shown the effectiveness of their proposed CNN-based model used for the categorization of PD on the PPMI MRI dataset with good results. Another work to detect PD from Neuromelanin sensitive MRI using a CNN has been shown in [18] that has achieved an 85% accuracy. Magesh et al. [19] trained the VGG16 model on the PPMI dataset and obtained a 95.2% accuracy, and a specificity of 90.9%. Quan et al. [20] considered the transfer learning concept and used the InceptionV3 model in their experiment of predicting PD. They obtained a 98.4% accuracy, a sensitivity score of 98.8%, and a specificity score of 97.6%. Whereas, Ortiz et al. [21] trained two DL models-AlexNet and LeNet for the classification of PD and Health Control. They achieved a better accuracy of 95 ± 0.3% when using AlexNet. After analyzing the methods reported in [18] [19] [20] [21] , we have observed that most of the models have some limitations. For example, a few models [17, 19] have shown higher false positive rate, whereas some others [18, 21] have shown higher false negative rate. The probable reason for that may be the weakness of the models to deal with the nature of data. According to the authors in [19] , this may happen due to abnormal increase in dopamine activity in the Region of Interest (ROI) of the scans. On the other hand, the literature reveals that the fusion techniques have already been applied successfully in distinct domains to produce a better result than any individual learning model [22] [23] [24] . An ensemble is a model which is used to combine the predictions made by different learning models. The predictions made by the members of an ensemble model may be combined using statistics (like mode or mean) or they can be combined using more sophisticated strategies. Generally, an ensemble model tries to learn how much to rely on each member and under what conditions. Though ensemble methods come with additional computational cost and complexity, there are reasons to use an ensemble model. Usually, an ensemble model makes better predictions and shows superior performance over a single learning model. Also, such a model reduces the dispersion of the predictions of the different base models. From the literature it can be observed that ensemble techniques have shown competent results in varied domains like predicting COVID-19 using CT scans [25] , human activity recognition using sensor data [26] , breast cancer detection using histopathology images [27] , plant identification using leaf images [28] , cervical cancer detection [29] , handwritten music symbol recognition [30] . However, a limited number of research works are there which try to improve the overall classification accuracy of PD by introducing ensemble-based techniques applied to ML approaches. The author in [31] has shown the usefulness of the K-Nearest Neighbours (KNN) ensemble technique for the detection of PD. Authors in [32] combined SVM with linear kernel classifiers for different tests considering RNA, Cerebrospinal Fluid, Serum tests, and pre-processed neuro-images features from PPMI database subjects. Table 1 highlights a few past methods proposed so far in this domain. As in most cases, it has been observed that DL models perform better as compared to ML models due to their ability to extract powerful features automatically from inputs using convolution and pooling operations. Hence, in this work, we have considered DL models as the base learners. It is to be noted that DL based neural networks are actually nonlinear networks which come with better flexibility and also scale in proportion to the training data available. However, a flip side of this flexibility is that these models generally learn through a stochastic training method, and due to this they become very sensitive to the training data. Also, they may find a varied set of weights every time the models are trained, and hence they generate varied predictions about the input samples. A competent alternative to minimize the variance of neural network models can be to use different models instead of a single model, and to unite the prediction scores obtained from these models. Keeping this fact in mind, we have used an ensemble learning approach where different standard CNN models are used to generate the initial predictions from the input DaTscan images related to PD, which are then combined using a Fuzzy-ranked based fusion approach. Although literature of PD detection divulges that a few number of researchers have made an attempt to apply ensemble approaches which are very naive, and hence may fail to capture information yielded by different learning models intelligently. The present experiments were conducted using a dataset containing 645 DaTscan SPECT images extracted from the Parkinson's Progression Markers Initiative (PPMI) [7] DaTscan images were widely used in the automatic diagnosis of Parkinson's Disease after being preprocessed and reorganized from PPMI SPECT images. Each PPMI SPECT image, then, is built into a volume of 91 × 109 × 91 [37, 38] . All the DaTscan images were in DICOM format, and each consisted of 91 slides of shape 109 × 91. To make them fit for the current study, we extracted the 41'st slide from every DaTscan image and converted it into png format. Due to the difference in the size of the brain of males and females, we cropped the extra unnecessary black portion. This resulted in the irregularity of the dimensions of the extracted images. To fit the extracted images into our DL models, we resized them to 224 × 224 resolution and were scaled between [0, 1], keeping the brightness range between [0.1, 1.5]. Figure 1 shows some of the sample images from the PPMI dataset for a person having PD and Figure 2 shows samples from PPMI dataset for a person without PD. The dataset, consisting of a total of 645 images (432 PD and 213 non-PD), is randomly divided into an 80:20 ratio for train-test splitting. The details of the images (PD and non-PD) present in the train and test sets have been mentioned in Table 2 . In the current work, initially we have trained four popularly used DL models namely VGG16 [39] , Xception [40] , ResNet50 [41] , and Inception-V3 [42] on the training set of PPMI dataset. The trained models have been used for the evaluation of the test set. The obtained outcomes from these four models are then ensembled using the Fuzzy Rank Level Fusion (FRLF) based approach to elevate the overall performance of the model. Figure 3 shows the basic workflow of the proposed work. In the current work, we have used VGG16, ResNet50, Inception-V3, and Xception models to train the training dataset. A brief description of the four DL models is mentioned in the following subsections. VGG16 was one of the best performing architectures in the ImageNet Large Scale Visual Recognition Challenge (ILSVRC) 2014 [39] . The model achieved a 92.7% test accuracy on the ImageNet dataset. The model contains a total of 16 layers -13 Convolutional layers, 3 Fully Connected layers, 5 Max Pooling layers, and a Softmax layer. All the hidden layers in this model use Rectified Linear Unit (ReLU) as its activation function. ReLU results in faster learning and also decreases the likelihood of vanishing gradient. To solve the current binary classification problem, we have added a final layer of Softmax activation. Figure 4 depicts the VGG16 architecture. ResNet50 [41] introduces a 50-layer deep residual learning framework having shortcut connections that simply perform identity mappings. We have added a final layer of Softmax activation for the binary classification problem under consideration. Figure 5 depicts the architecture of the ResNet50 model. Inception-V3 [42] is a frequently used model for the image classification tasks. This model is composed of symmetric and asymmetric constituents including layers like convolution, average and max pooling, and fully connected layers. Despite having a 42-layer architecture and approximately 12 million parameters, the cost of computation is remarkably less and it is very much efficient than VGGNet [39] . Figure 6 depicts the architecture of the Inception-V3 model. Xception stands for "extreme inception". It re-frames the way we look at neural nets -Convolution Nets in particular. As the name suggests, it takes the principle of Inception to an extreme. In Xception there is no intermediate activation function for non-linearity [40] . We have added a final layer of Softmax activation for the current binary classification problem. The architecture is shown in Figure 7 . In this work, we have trained VGG16, ResNet50, Inception-V3, and Xception models over a total of 500 epochs with batch size and step size of 16 and 32, respectively for each of the epochs. The learning rate of all the models was set to 0.001, and Adam optimizer has been used to handle sparse gradients on noisy images [43] . Confidence scores of these base models are then ensembled to improve the overall performance. The ensembled method used here is detailed in the next subsection. Essentially, classifier combinations are developed from the idea that each classifier operates in a unique way so that different outcomes can be observed depending on the classifier. So, choosing only one classifier might not be the best idea since the used classifier might not be able to extract potential useful information. In order to avoid this problem, ensemble methods can be used that take into account the outcomes of the various classifiers and make the final choice so that overall accuracy is enhanced. The FRLF [44] algorithm here generates fuzzy ranks by using the confidence scores of a classifier on a Gaussian function. It compares the proximity of classifier outputs as opposed to conventional ranking methods. When a return is ideal, the fuzzy rank is 0, which corresponds to the highest rank (rank 1) in conventional ranking; when the outcome is far away from the ideal, the fuzzy rank gradually approaches unity. This ensemble approach aims to generate a ranking system based on the confidence scores of the base learners, which will become apparent later in this section. The FRLF method can be expressed mathematically as follows. Let there be N different models (M 1 , M 2 , . . . , M N ) for a particular input. In our case, the value of N is 4, as mentioned above. In the first step, our proposed system chooses a model (say M 1 ) and generates confidence scores for all the corresponding classes. Let the confidence scores be (CS In order to fulfill the following condition, the confidence scores have to be normalized: The fuzzy rank for a class c using M i model is generated by taking the complement of the Gaussian density Function, as shown below: As a result, it should be noted that R M i c lies between [0, 1] and lowest value is said to be the winner which is analogous to top ranked in conventional ranking. Let, K M i represents the set of top K fuzzy ranked classes generated by the model M i . It is to be noted that K M i and K M j (i = j) might differ as they belong to two different classifier models. The complement of confidence score sum CSS c and the rank sum RS c relative to a class c is determined as follows: where P R c and P CS c are the penalties, which are assigned to a class c if it does not belong to the set of top K ranks (1 in our case). P R c and P CS c are the hyper-parameters and for our case P R c and P CF c have values of 0.33 and 0.05 respectively which is obtained experimentally. These particular set of values have yielded the maximum accuracy score for our dataset. Both these penalties revoke the possibility of class c to likely become a winner. The combination of CSS c and RS c are multiplied to obtain the final score used for the final ranking, which is defined as follows: Finally, a class with the smallest (minimum) final score is selected as the predicted class of the input sample as shown in the equation below: In this section, we have provided a discussion about the results obtained from the four base learners, i.e., VGG16, ResNet50, Inception-V3, and Xception. The later part of this section also reports the explainability of the base learners using Grad-Cam and the outcomes observed after applying the proposed FRLF method. To analyze the obtained outcomes, the metrics and the equations used to compute the values of the metrics have been shown through Equations (7)- (11) A c = TP + TN TP + TN + FP + FN (7) where, TP, TN, FP, and FN are defined as follows: After training the base learners, i.e., VGG16, ResNet50, Inception-V3, and Xception, each of them was then evaluated on the test set. Table 3 shows the results obtained by the four base learners. From Table 2 , it is to notice that both VGG16 and Xception models obtained the highest accuracy among all the base learners, attaining an accuracy of 95.34%. Both ResNet50 and InceptionV3 models exhibit the lowest performance by providing an accuracy of 93.04% for the test set. Despite acquiring the same truthfulness in both cases, the models differ in several f alse positives and f alse negatives. The experimental analysis also reveals that Inception-V3 and Xception models predict PD patients more accurately as they misclassify the least number of PD patients. On the other hand, VGG16 and ResNet50 can predict non-PD patients more accurately. The base learners have facilitated impressive accuracy in the classification of PD and non-PD, yet the biggest problem is in their explainability, which is the vital aspect of understanding and debugging. To understand where the base learners are looking into the input images, we have provided Grad-Cam analysis [45] . This method uses the gradients of a target class, which flows through the final convolutional layer to generate a concentrated map emphasizing the ROI. Figure 10 depicts the ROI obtained by applying Grad-Cam for all the base learners. After obtaining the results from the base learners, we have ensembled the outcomes using the previously mentioned FRLF method to enhance the overall recognition performance of the proposed system. We have also experimented with a few other basic ensemble techniques like Sum Rule, Product Rule, and Majority Voting to compare the outcomes with the FRLF technique. The working strategy of sum rule, product rule, and majority voting is mentioned here in brief. Let there be N different models (M 1 , M 2 , . . . , M N ). Let the ith model in consideration be M i whose confidence score are (CS similarly, for the product rule [47] , the equation is deduced as follows: for the majority voting [47] ensemble approach, the equation for the final class prediction comes out to be: class(X) = MaxCount(P i ), i = 1, 2, ..., N; where, FC c , P i and MaxCount are the final confidence score for a class c, prediction of a model with the highest probability and a function which returns the category which has the highest number of occurrences for a given input X. Table 4 reflects the results obtained after applying these ensemble techniques. From Table 4 , it is to notice that the applied sum rule, product rule, majority voting, and the proposed FRLF method produce an accuracy of 96.89%, 92.25%, 96.12%, and 98.45%. Looking into the accuracy obtained by the ensembled approach, all of them except the product rule performed better than the base learners. Despite achieving the lowest accuracy by-product rule, all the four ensembles can predict the PD patients more accurately by only misclassifying one PD patient as a non-PD patient, i.e., f alse negative, yet they differ in several false positives. The FRLF ensemble-based approach performed significantly higher than the base learners as well as the other ensembled methods. In contrast to supplementary ensemble approaches, the FRLF method misclassified only 2 images, 1 for each of the f alse negatives and f alse positives, obtaining the highest among all the metrics taken into consideration. Figure 11 shows the confusion matrices obtained from all the ensemble approach. Table 5 compares the performance of the proposed FRLF system for the classification of Parkinson's disease with some past works mentioned in the literature. Authors in [48] used the dataset that was considerably smaller (19 PD patients and 27 healthy subjects) than the PPMI MRI dataset. They have achieved 86.96% recognition accuracy which is also lesser than our proposed approach. Authors in [19] developed a DL-based model using LIME and VGG16 for the early diagnosis of Parkinson's disease using the same PPMI dataset and obtained 95.20% accuracy that is relatively lesser than our proposed technique. From the remaining entries of this table, it can be observed that the works mentioned through [12] [13] [14] 20, 21 ] also performed the same task of predicting Parkinson's disease on the same PPMI dataset. Looking into the obtained accuracies, it can be said that our proposed technique outperforms all the works. Based on the proposed model, we have developed an application provided in [49] for working with MRI images that can be used by any medical personnel as a support tool for fast preliminary diagnosis. The application is written in Python and runs in both Windows and Linux environment. The user interface is implemented using the Qt library. Our application can work directly with Dicom files (.dcm) from an MRI machine or with any image files (jpg, png, etc.) exported from DICOM viewers. We provided a simple user interface with drag-and-drop support. Figures 12 and13 depict Note: prediction from the application cannot be used as a medical diagnosis. Parkinson's disease has a prevalence rate of 1% in the over-60 age group, and it is the second most common brain disease after Alzheimer's disease. In addition to assisting practitioners in the process of disease diagnosis, the outcomes of this model will enable them to take timely action before patients' disorders become more serious. Based on previously stated results, we can safely comment that our method works effectively on the PPMI dataset, and achieves an accuracy of 98.45%. Also, in the medical image analysis domain especially, it is absolutely necessary to reduce the number of misclassifications because a false diagnosis can cause physical, emotional and psychological damage to the patient and his/her family. We have observed that the number of false positives and false negatives gets reduced significantly when we have used the FRLF ensemble technique as compared to when we use the Sum Rule, Product Rule and Majority Scoring technique. One limitation of our work is the number of mis-classifications. Though it is less than most other methods tested on the dataset, we still have wrongly classified images and hence this cannot be used for medical diagnosis with a 100% accuracy. Also, we do not know if the FRLF method is domain-specific or can be applied on other diseases except for Parkinson's disease. We plan to reduce the number of inaccurate classifications and to test the FRLF ensemble technique on other datasets. In the present work, we have proposed an ensemble of DL models to predict Parkinson's disease effectively using the PPMI DaTscan images. We have designed a fuzzy ensemble model, called FRLF, which is applied on the confidence scores of four classic DL models-VGG16, ResNet50, Inception-V3, and Xception to enhance the overall results of the model. From the results reported in the above section, we can ensure that the proposed model achieves state-of-the-art performance. Recognition accuracy, Precision, Sensitivity, Specificity, F1-score of the proposed model are 98.45%, 98.84%, 98.84%, 97.67%, and 98.84% respectively. We have also incorporated our model in a GUI-based software tool for public use that instantly detects Parkinson's disease in DaTscan images given to it as inputs. This can play a significant role in detecting Parkinson's disease in real-time. Our work is primarily based on DaTscan images. We have not yet extended our work to MRI scans or CT scans, which is our plan for future work in this domain. Author Contributions: Conceptualization, A.K., S.B., S.S., A.S., D.K. and R.S.; Methodology, R.S., S.S.; Software, A.K., D.K. and A.S.; Validation, S.S., S.B. and R.S.; Formal analysis, A.K., D.K., A.S. and R.S.; Investigation, A.K., S.S., R.S. and D.K.; Resources, R.S. and D.K.; Data curation, A.K., S.B., S.S., A.S., D.K. and R.S.; Writing-original draft preparation, A.K., S.S., S.B., R.S., D.K. and A.S.; Writing-review and editing, R.S., S.S. and D.K.; Visualization, A.K., S.B. and S.S.; Supervision, R.S.; Project administration, R.S., S.S. and D.K.; Funding acquisition, D.K. and A.S. All authors have read and agreed to the presented version of the manuscript. Epidemiology of Parkinson's disease What Causes Parkinson's Disease Clinical approach to parkinson's disease: Features, diagnosis, and principles of management. Cold Spring Harb Automated tremor detection in parkinson's disease using accelerometer signals An intelligent parkinson's disease diagnostic system based on a chaotic bacterial foraging optimization enhanced fuzzy knn approach Assessment of parkinson's disease based on deep neural networks Parkinson's Progression Markers Initiative Discriminating cognitive status in Parkinson's disease through functional connectomics and machine learning Complex networks reveal early MRI markers of Parkinson's disease Sparse feature learning for multi-class Parkinson's disease classification Machine learning on brain MRI data for differential diagnosis of Parkinson's disease and Progressive Supranuclear Palsy High-Accuracy Classification of Parkinson's Disease Through Shape Analysis and Surface Fitting in 123I-Ioflupane SPECT Imaging A proposed computeraided diagnosis system for parkinson's disease classification using 123i-fp-cit imaging Early detection of parkinson's disease using image processing and artificial neural network Deep learning based diagnosis of pd using convolutional neural network End-to-End Parkinson Disease Diagnosis using Brain MR-Images by Detection of parkinson disease in brain mri using convolutional neural network Predictive markers for Parkinson's disease using deep neural nets on neuromelanin sensitive MRI An explainable machine learning model for early detection of parkinson's disease using lime on datscan imagery DaTscan SPECT Image Classification for Parkinson's Disease. arXiv 2019 Parkinson's disease detection using isosurfacesbased features and convolutional neural networks Fuzzy integral based cnn classifier fusion for 3d skeleton action recognition Fuzzygcp: A deep learning architecture for automatic spoken language identification from speech signals Microstructure image classification: A classifier combination approach using fuzzy integral measure COVID-19 detection from lung CT-Scans using a fuzzy integral-based CNN ensemble NoFED-Net: Non-Linear Fuzzy Ensemble of Deep Neural Networks for Human Activity Recognition Fuzzy ensemble of deep learning models using choquet fuzzy integral, coalition game and information theory for breast cancer histology classification BLeafNet: A Bonferroni mean operator based fusion of CNN models for plant identification using leaf image classification A Fuzzy Distance-based Ensemble of Deep Models for Cervical Cancer Detection An ensemble of deep transfer learning models for handwritten music symbol recognition An ensemble of k-nearest neighbours algorithm for detection of parkinson's disease Robust ensemble classification methodology for i123-ioflupane spect images and multiple heterogeneous biomarkers in the diagnosis of parkinson's disease Diagnosis of Parkinson's disease using modified grey wolf optimization Optimized cuttlefish algorithm for diagnosis of Parkinson's disease A Fast Parkinson's Disease Prediction Technique using PCA and Artificial Neural Network Regions-of-interest based automated diagnosis of Parkinson's disease using T1-weighted MRI Improved motor outcome prediction in Parkinson's disease applying deep learning to DaTscan SPECT images A three-stage, deep learning, ensemble approach for prognosis in patients with Parkinson's disease Very deep convolutional networks for large-scale image recognition Xception: Deep Learning with Depthwise Separable Convolutions Deep residual learning for image recognition Rethinking the inception architecture for computer vision A method for stochastic optimization. arXiv Confidence factor weighted gaussian function induced parallel fuzzy rank-level fusion for inference and its application to face recognition Grad-cam: Visual explanations from deep networks via gradientbased localization A weighted ensemble-based active learning model to label microarray data Classifiers combination techniques: A comprehensive review Automatic classification of early pd with multi-modal mr imaging Funding: This research received no external funding. Informed Consent Statement: Not applicable. Dataset used here is a public one. The authors declare no conflict of interest.