How to Develop Voting Ensembles With Python

Voting is an ensemble machine learning algorithm.

For regression, a voting ensemble involves making a prediction that is the average of multiple other regression models.

In classification, a hard voting ensemble involves summing the votes for crisp class labels from other models and predicting the class with the most votes. A soft voting ensemble involves summing the predicted probabilities for class labels and predicting the class label with the largest sum probability.

In this tutorial, you will discover how to create voting ensembles for machine learning algorithms in Python.

After completing this tutorial, you will know:

  • A voting ensemble involves summing the predictions made by classification models or averaging the predictions made by regression models.
  • How voting ensembles work, when to use voting ensembles, and the limitations of the approach.
  • How to implement a hard voting ensemble and soft voting ensemble for classification predictive modeling.

Kick-start your project with my new book Ensemble Learning Algorithms With Python, including step-by-step tutorials and the Python source code files for all examples.

Let’s get started.

How to Develop Voting Ensembles With Python

How to Develop Voting Ensembles With Python
Photo by Bureau of Land Management, some rights reserved.

Tutorial Overview

This tutorial is divided into four parts; they are:

  1. Voting Ensembles
  2. Voting Ensemble Scikit-Learn API
  3. Voting Ensemble for Classification
    1. Hard Voting Ensemble for Classification
    2. Soft Voting Ensemble for Classification
  4. Voting Ensemble for Regression

Voting Ensembles

A voting ensemble (or a “majority voting ensemble“) is an ensemble machine learning model that combines the predictions from multiple other models.

It is a technique that may be used to improve model performance, ideally achieving better performance than any single model used in the ensemble.

A voting ensemble works by combining the predictions from multiple models. It can be used for classification or regression. In the case of regression, this involves calculating the average of the predictions from the models. In the case of classification, the predictions for each label are summed and the label with the majority vote is predicted.

  • Regression Voting Ensemble: Predictions are the average of contributing models.
  • Classification Voting Ensemble: Predictions are the majority vote of contributing models.

There are two approaches to the majority vote prediction for classification; they are hard voting and soft voting.

Hard voting involves summing the predictions for each class label and predicting the class label with the most votes. Soft voting involves summing the predicted probabilities (or probability-like scores) for each class label and predicting the class label with the largest probability.

  • Hard Voting. Predict the class with the largest sum of votes from models
  • Soft Voting. Predict the class with the largest summed probability from models.

A voting ensemble may be considered a meta-model, a model of models.

As a meta-model, it could be used with any collection of existing trained machine learning models and the existing models do not need to be aware that they are being used in the ensemble. This means you could explore using a voting ensemble on any set or subset of fit models for your predictive modeling task.

A voting ensemble is appropriate when you have two or more models that perform well on a predictive modeling task. The models used in the ensemble must mostly agree with their predictions.

One way to combine outputs is by voting—the same mechanism used in bagging. However, (unweighted) voting only makes sense if the learning schemes perform comparably well. If two of the three classifiers make predictions that are grossly incorrect, we will be in trouble!

— Page 497, Data Mining: Practical Machine Learning Tools and Techniques, 2016.

Use voting ensembles when:

  • All models in the ensemble have generally the same good performance.
  • All models in the ensemble mostly already agree.

Hard voting is appropriate when the models used in the voting ensemble predict crisp class labels. Soft voting is appropriate when the models used in the voting ensemble predict the probability of class membership. Soft voting can be used for models that do not natively predict a class membership probability, although may require calibration of their probability-like scores prior to being used in the ensemble (e.g. support vector machine, k-nearest neighbors, and decision trees).

  • Hard voting is for models that predict class labels.
  • Soft voting is for models that predict class membership probabilities.

The voting ensemble is not guaranteed to provide better performance than any single model used in the ensemble. If any given model used in the ensemble performs better than the voting ensemble, that model should probably be used instead of the voting ensemble.

This is not always the case. A voting ensemble can offer lower variance in the predictions made over individual models. This can be seen in a lower variance in prediction error for regression tasks. This can also be seen in a lower variance in accuracy for classification tasks. This lower variance may result in a lower mean performance of the ensemble, which might be desirable given the higher stability or confidence of the model.

Use a voting ensemble if:

  • It results in better performance than any model used in the ensemble.
  • It results in a lower variance than any model used in the ensemble.

A voting ensemble is particularly useful for machine learning models that use a stochastic learning algorithm and result in a different final model each time it is trained on the same dataset. One example is neural networks that are fit using stochastic gradient descent.

For more on this topic, see the tutorial:

Another particularly useful case for voting ensembles is when combining multiple fits of the same machine learning algorithm with slightly different hyperparameters.

Voting ensembles are most effective when:

  • Combining multiple fits of a model trained using stochastic learning algorithms.
  • Combining multiple fits of a model with different hyperparameters.

A limitation of the voting ensemble is that it treats all models the same, meaning all models contribute equally to the prediction. This is a problem if some models are good in some situations and poor in others.

An extension to the voting ensemble to address this problem is to use a weighted average or weighted voting of the contributing models. This is sometimes called blending. A further extension is to use a machine learning model to learn when and how much to trust each model when making predictions. This is referred to as stacked generalization, or stacking for short.

Extensions to voting ensembles:

  • Weighted Average Ensemble (blending).
  • Stacked Generalization (stacking).

Now that we are familiar with voting ensembles, let’s take a closer look at how to create voting ensemble models.

Want to Get Started With Ensemble Learning?

Take my free 7-day email crash course now (with sample code).

Click to sign-up and also get a free PDF Ebook version of the course.

Voting Ensemble Scikit-Learn API

Voting ensembles can be implemented from scratch, although it can be challenging for beginners.

The scikit-learn Python machine learning library provides an implementation of voting for machine learning.

It is available in version 0.22 of the library and higher.

First, confirm that you are using a modern version of the library by running the following script:

Running the script will print your version of scikit-learn.

Your version should be the same or higher. If not, you must upgrade your version of the scikit-learn library.

Voting is provided via the VotingRegressor and VotingClassifier classes.

Both models operate the same way and take the same arguments. Using the model requires that you specify a list of estimators that make predictions and are combined in the voting ensemble.

A list of base models is provided via the “estimators” argument. This is a Python list where each element in the list is a tuple with the name of the model and the configured model instance. Each model in the list must have a unique name.

For example, below defines two base models:

Each model in the list may also be a Pipeline, including any data preparation required by the model prior to fitting the model on the training dataset.

For example:

When using a voting ensemble for classification, the type of voting, such as hard voting or soft voting, can be specified via the “voting” argument and set to the string ‘hard‘ (the default) or ‘soft‘.

For example:

Now that we are familiar with the voting ensemble API in scikit-learn, let’s look at some worked examples.

Voting Ensemble for Classification

In this section, we will look at using stacking for a classification problem.

First, we can use the make_classification() function to create a synthetic binary classification problem with 1,000 examples and 20 input features.

The complete example is listed below.

Running the example creates the dataset and summarizes the shape of the input and output components.

Next, we will demonstrate hard voting and soft voting for this dataset.

Hard Voting Ensemble for Classification

We can demonstrate hard voting with a k-nearest neighbor algorithm.

We can fit five different versions of the KNN algorithm, each with a different number of neighbors used when making predictions. We will use 1, 3, 5, 7, and 9 neighbors (odd numbers in an attempt to avoid ties).

Our expectation is that by combining the predicted class labels predicted by each different KNN model that the hard voting ensemble will achieve a better predictive performance than any standalone model used in the ensemble, on average.

First, we can create a function named get_voting() that creates each KNN model and combines the models into a hard voting ensemble.

We can then create a list of models to evaluate, including each standalone version of the KNN model configurations and the hard voting ensemble.

This will help us directly compare each standalone configuration of the KNN model with the ensemble in terms of the distribution of classification accuracy scores. The get_models() function below creates the list of models for us to evaluate.

Each model will be evaluated using repeated k-fold cross-validation.

The evaluate_model() function below takes a model instance and returns as a list of scores from three repeats of stratified 10-fold cross-validation.

We can then report the mean performance of each algorithm, and also create a box and whisker plot to compare the distribution of accuracy scores for each algorithm.

Tying this together, the complete example is listed below.

Running the example first reports the mean and standard deviation accuracy for each model.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

We can see the hard voting ensemble achieves a better classification accuracy of about 90.2% compared to all standalone versions of the model.

A box-and-whisker plot is then created comparing the distribution accuracy scores for each model, allowing us to clearly see that hard voting ensemble performing better than all standalone models on average.

Box Plot of Hard Voting Ensemble Compared to Standalone Models for Binary Classification

Box Plot of Hard Voting Ensemble Compared to Standalone Models for Binary Classification

If we choose a hard voting ensemble as our final model, we can fit and use it to make predictions on new data just like any other model.

First, the hard voting ensemble is fit on all available data, then the predict() function can be called to make predictions on new data.

The example below demonstrates this on our binary classification dataset.

Running the example fits the hard voting ensemble model on the entire dataset and is then used to make a prediction on a new row of data, as we might when using the model in an application.

Soft Voting Ensemble for Classification

We can demonstrate soft voting with the support vector machine (SVM) algorithm.

The SVM algorithm does not natively predict probabilities, although it can be configured to predict probability-like scores by setting the “probability” argument to “True” in the SVC class.

We can fit five different versions of the SVM algorithm with a polynomial kernel, each with a different polynomial degree, set via the “degree” argument. We will use degrees 1-5.

Our expectation is that by combining the predicted class membership probability scores predicted by each different SVM model that the soft voting ensemble will achieve a better predictive performance than any standalone model used in the ensemble, on average.

First, we can create a function named get_voting() that creates the SVM models and combines them into a soft voting ensemble.

We can then create a list of models to evaluate, including each standalone version of the SVM model configurations and the soft voting ensemble.

This will help us directly compare each standalone configuration of the SVM model with the ensemble in terms of the distribution of classification accuracy scores. The get_models() function below creates the list of models for us to evaluate.

We can evaluate and report model performance using repeated k-fold cross-validation as we did in the previous section.

Tying this together, the complete example is listed below.

Running the example first reports the mean and standard deviation accuracy for each model.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

We can see the soft voting ensemble achieves a better classification accuracy of about 92.4% compared to all standalone versions of the model.

A box-and-whisker plot is then created comparing the distribution accuracy scores for each model, allowing us to clearly see that soft voting ensemble performing better than all standalone models on average.

Box Plot of Soft Voting Ensemble Compared to Standalone Models for Binary Classification

Box Plot of Soft Voting Ensemble Compared to Standalone Models for Binary Classification

If we choose a soft voting ensemble as our final model, we can fit and use it to make predictions on new data just like any other model.

First, the soft voting ensemble is fit on all available data, then the predict() function can be called to make predictions on new data.

The example below demonstrates this on our binary classification dataset.

Running the example fits the soft voting ensemble model on the entire dataset and is then used to make a prediction on a new row of data, as we might when using the model in an application.

Voting Ensemble for Regression

In this section, we will look at using voting for a regression problem.

First, we can use the make_regression() function to create a synthetic regression problem with 1,000 examples and 20 input features.

The complete example is listed below.

Running the example creates the dataset and summarizes the shape of the input and output components.

We can demonstrate ensemble voting for regression with a decision tree algorithm, sometimes referred to as a classification and regression tree (CART) algorithm.

We can fit five different versions of the CART algorithm, each with a different maximum depth of the decision tree, set via the “max_depth” argument. We will use depths of 1-5.

Our expectation is that by combining the values predicted by each different CART model that the voting ensemble will achieve a better predictive performance than any standalone model used in the ensemble, on average.

First, we can create a function named get_voting() that creates each CART model and combines the models into a voting ensemble.

We can then create a list of models to evaluate, including each standalone version of the CART model configurations and the soft voting ensemble.

This will help us directly compare each standalone configuration of the CART model with the ensemble in terms of the distribution of error scores. The get_models() function below creates the list of models for us to evaluate.

We can evaluate and report model performance using repeated k-fold cross-validation as we did in the previous section.

Models are evaluated using mean absolute error (MAE). The scikit-learn makes the score negative so that it can be maximized. This means that the reported MAE scores are negative, larger values are better, and 0 represents no error.

Tying this together, the complete example is listed below.

Running the example first reports the mean and standard deviation accuracy for each model.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

We can see the voting ensemble achieves a better mean squared error of about -136.338, which is larger (better) compared to all standalone versions of the model.

A box-and-whisker plot is then created comparing the distribution negative MAE scores for each model, allowing us to clearly see that voting ensemble performing better than all standalone models on average.

Box Plot of Voting Ensemble Compared to Standalone Models for Regression

Box Plot of Voting Ensemble Compared to Standalone Models for Regression

If we choose a voting ensemble as our final model, we can fit and use it to make predictions on new data just like any other model.

First, the voting ensemble is fit on all available data, then the predict() function can be called to make predictions on new data.

The example below demonstrates this on our binary classification dataset.

Running the example fits the voting ensemble model on the entire dataset and is then used to make a prediction on a new row of data, as we might when using the model in an application.

Further Reading

This section provides more resources on the topic if you are looking to go deeper.

Tutorials

Books

APIs

Summary

In this tutorial, you discovered how to create voting ensembles for machine learning algorithms in Python.

Specifically, you learned:

  • A voting ensemble involves summing the predictions made by classification models or averaging the predictions made by regression models.
  • How voting ensembles work, when to use voting ensembles, and the limitations of the approach.
  • How to implement a hard voting ensemble and soft voting ensembles for classification predictive modeling.

Do you have any questions?
Ask your questions in the comments below and I will do my best to answer.

Get a Handle on Modern Ensemble Learning!

Ensemble Learning Algorithms With Python

Improve Your Predictions in Minutes

...with just a few lines of python code

Discover how in my new Ebook:
Ensemble Learning Algorithms With Python

It provides self-study tutorials with full working code on:
Stacking, Voting, Boosting, Bagging, Blending, Super Learner, and much more...

Bring Modern Ensemble Learning Techniques to
Your Machine Learning Projects


See What's Inside

82 Responses to How to Develop Voting Ensembles With Python

  1. Avatar
    Gayatri April 17, 2020 at 3:40 pm #

    This post gave me clarity on how to use voting for a classification problem I am working on right now. Thanks!

    • Avatar
      Jason Brownlee April 18, 2020 at 5:39 am #

      Thanks, I’m happy to hear that!

      • Avatar
        Archana Dwivedi September 4, 2020 at 11:33 pm #

        Hi jason
        I am getting ” cannot import name ‘VotingRegressor’ error with this. Also, can you tell about some source to study ensemble for forecasting.Basically I got a VotingEnsemble model using azure automl but not able to figure out how to give input data for retraining. Since I want to automate my retraining, I wanted to check out the code myself. Thanks.

        • Avatar
          Jason Brownlee September 5, 2020 at 6:48 am #

          the error suggests you need to update your version of the scikit-learn library.

  2. Avatar
    asad khan May 10, 2020 at 3:15 pm #

    Hi Jason, how can we use Weighted votes in ensemble classification?

  3. Avatar
    Grzegorz Kępisty May 26, 2020 at 10:27 pm #

    In your opinion: Shall Voting Ensembles be considered as go-to step in standard pipeline of all ML projects?
    Regards!

  4. Avatar
    Xiao June 10, 2020 at 4:28 pm #

    Hello,Jason. I have a question that how can I perform the multiple base-models learn different
    features of same training and then ensemble?

    • Avatar
      Jason Brownlee June 11, 2020 at 5:52 am #

      Each could be a different model type of a model fit on different data (different subets of the same data).

  5. Avatar
    Harshit Gupta June 24, 2020 at 12:47 am #

    Best source to understand ensemble learning. Keep up the good work!!!

  6. Avatar
    Harshit Gupta June 24, 2020 at 12:50 am #

    Hey Jason, can we use same datasets (like the same datasets) for different models (based on different parameters or completely different algorithm models are required??)in ensemble learning??

  7. Avatar
    Stephen July 13, 2020 at 10:10 pm #

    Hi, Jason. Thanks for the post, I enjoyed it. I am concerned; when should I use a hard voting regressor vs a soft voting regressor for regression problems?

    • Avatar
      Jason Brownlee July 14, 2020 at 6:21 am #

      If your models give good probabilities, like a logistic regression or naive bayes then soft is probably better than hard.

      If in doubt, test both.

  8. Avatar
    Hamed August 5, 2020 at 11:33 am #

    Hi Jason, this tutorial was so great and I give you a big thank you for that. I have a question for you, please. I’m dealing with skin disease images and I crop some patches from each image and feed to the classifier to grade the severity level for each patch. The presence of lesions influence the severity level. Then I’m going to combine the results of all patches to grade the severity of the whole image. But the problem is that the lesions don’t appear on all patches and only on a few so using voting ensemble of patches may not help as most of patches don’t have lesions so their severity will be normal or mild. So what strategy would you recommend in this case? Thank you so much

    • Avatar
      Jason Brownlee August 5, 2020 at 1:44 pm #

      You’re welcome.

      I would recommend using a CNN model on the whole input image, instead of ml models on patches of pixels.

      • Avatar
        Hamed August 6, 2020 at 4:44 pm #

        Thanks for the response, Jason. Yes, that’s what I’m trying as another methodology but the problem with that is it needs high-resolution images which makes the training take time plus it needs an attention mechanism. I’m trying the stacking method you spoke in this post to learn the global grading from the local ones obtained from different patches, probably using SVM. Thank you!

  9. Avatar
    Alexandr August 6, 2020 at 10:04 am #

    Hello! I have the following issue. I am trying to use multi-output classification( I am trying to predict 3 values as an output) for stacking and voting. But Scikit learn doesn’t support voting and stacking for multi-output classification problems yet. Is there any way out of this situation?

    • Avatar
      Jason Brownlee August 6, 2020 at 1:51 pm #

      Perhaps develop your own models manually?
      Perhaps use an alternate model or API?
      Perhaps extend the classes to achieve your desired outcome?

  10. Avatar
    Palita August 8, 2020 at 4:07 pm #

    Hi! Thank you for this great topic.
    I have one question, if I would like to test on different data sources (those data sources were extracted from the same origin), and I would like to know which data source and combination of them can yield the best performance. Can I use this technique? let’s say I’ve got 6 datasets. Can I fit the same SVM with these datasets individually, then I’ll get 6 models and also the combination of them i.e. mod1+mod2, mod1+mod3, …, and then do hard voting to evaluate the performances?

    • Avatar
      Jason Brownlee August 9, 2020 at 5:34 am #

      Voting does not compare the model, it will combine the predictions from the models. Does that make sense?

  11. Avatar
    Aditi August 12, 2020 at 12:54 pm #

    Hello Jason. Nice post. I am reading your posts from quite some time now. I need your suggestion.

    II want to assign weights to the subsets of the training data according to their importance to test data. So, I tried voting ensemble where the models are same but trained on different subsets. I used hard voting for it, but I am not getting promising results.

    The second scenario is that if I use different models for voting then is there a way to assign weights to the data. I have already tried with sample_weights.

    I am using CNN.

    • Avatar
      Jason Brownlee August 12, 2020 at 1:36 pm #

      Thanks!

      I don’t believe voting would address your needs. Instead, I would recommend looking into sample weights for a single model.

      • Avatar
        Aditi August 13, 2020 at 3:24 pm #

        Thanks for your prompt reply. I forgot to mention my dataset is the balanced dataset. I have tried using sample_weights for training data. Sample_weights are based on the importance of the sample. The problem I am facing now is what to pass as sample weights to the evaluate function. In my opinion the sample weights of the training data should not be passed as the size differs for training and test data. Kindly share your view.

        Thank you once again for your suggestion and time:)

        • Avatar
          Jason Brownlee August 14, 2020 at 5:54 am #

          Sorry, I don’t understand the issue you are having, I don’t think I am the best person to help.

          Perhaps post your question on stackoverflow.

  12. Avatar
    Nitin August 31, 2020 at 11:15 pm #

    Can ensembling be done with more than 1 type of algorithms ? I see that with one emsemble you have used 1 algorithm i.e. one with only KNN, one with only SVM etc. Can we use like KNN and SVM and CART etc in one ensemble ?

    • Avatar
      Jason Brownlee September 1, 2020 at 6:32 am #

      Yes. You can use any algorithms you like in an ensemble.

  13. Avatar
    Azhi Faraj November 8, 2020 at 9:10 am #

    Thank you for this amazing tutorial, I would love to inform you that your book “Develop Deep Learning Models for Natural Language in Python” is included in the reading list for Text Mining course in my PhD.

  14. Avatar
    elham December 29, 2020 at 9:10 am #

    Hello. Thank you for this useful tutorial
    In a voting ensembles like Bagging, are models trained on subsets of train datasets?

    • Avatar
      Jason Brownlee December 29, 2020 at 9:25 am #

      In voting, each model is fit on all data.

      In bagging, each model is fit on a subset of data.

  15. Avatar
    Vian February 7, 2021 at 1:36 pm #

    Hello, mr. Jason
    Please I have some questions
    1- in case of multiclass classifier what is voting result if all estimator results are different?
    eg: first estimator output is class 1
    Second estimator output is class 2
    Third estimator output is class 3

    2 – in soft voting i know: what is the way to find the probability of each estimator? and how it work with multiclass classification?
    3- we know random forest also use voting technique so what type of voting it used in the case of multiclass classification?
    4- can i take random forest as estimator in voting classifier? Is it a practical?
    Thanks

    • Avatar
      Jason Brownlee February 8, 2021 at 6:58 am #

      It will select the rounded mean I believe (1 + 2 + 3) / 3 = 2

      You can use model.predict_proba() to get the probability of class membership from a given model/sub-model.

      Random forest uses the rounded mean.

      You could take random forest as a voting classifier, but we typically refer to it as a type of bagging – as that aspect is more important to the result.

      • Avatar
        vian February 8, 2021 at 5:59 pm #

        thanks a lot, you helped me more.

        • Avatar
          Jason Brownlee February 9, 2021 at 6:30 am #

          You’re very welcome!

          • Avatar
            vian February 10, 2021 at 7:57 pm #

            please, I have one more question. If I have even numbers of estimators e.g. 4 estimators and the outputs labels’ are text as follows [class2,class3, class2,class3] so what is the hard voting classifier output?

          • Avatar
            Jason Brownlee February 11, 2021 at 5:53 am #

            probably class2, e.g. floor of the rounded mean.

            Test it and see.

          • Avatar
            vian February 11, 2021 at 7:26 am #

            I checked it, sometimes give the result as your mentioned procedure but other times it is unstable especially when the outputs are totally different like [class2,class3, class4,class1] it give class1 and accidentally class1 is the right class. so unfortunately I don’t know how it work till now.

          • Avatar
            Jason Brownlee February 11, 2021 at 7:54 am #

            According to the documentation, tie breaking is solved by sorting labels in ascending order and selecting the first label.

            From here:
            https://scikit-learn.org/stable/modules/ensemble.html#voting-classifier

      • Avatar
        vian February 11, 2021 at 8:21 am #

        ok, now that be so clear thank you so much with my best wishes

  16. Avatar
    Mark Littlewood March 21, 2021 at 9:04 pm #

    Hi Jason, Great article, quick question the take different algorithms and apply them to the same set of input features. What if you want an ensemble voting where each model may or may not be the same algorithm but are likely to be using different input features eg

    Titanic

    algo 1 inputs cabin deck, sex, age using GBM
    algo 2 inputs Married, place boarded using XGBoost
    etc

    Can this be done with a voting ensemble library like sklearn or any other library you may no of

    Thanks

  17. Avatar
    Mark Littlewood March 21, 2021 at 9:05 pm #

    excuse the typos

  18. Avatar
    Fokoa March 30, 2021 at 7:18 am #

    Thank you for this tutorial Sir. With my code I have this :

    ensemble = VotingClassifier(ensembles)
    results_vc = cross_val_score(ensemble, X_train, y_train, cv=kfold)
    print(results_vc.mean())

    result_vc.mean() give me : 0.8838

    but When I fit and predict I get a f1-score de 0.0560.

    It’s good, not good. How I do to fix this problem ? According my data is very unbalanced. one class is 7 time more bigger than the other one

  19. Avatar
    Max March 31, 2021 at 2:46 am #

    Hey Jason, Im trying to use this on my own dataset (70,15). Im wondering what the y that you have here is represented as. The data set is 1000 rows of what looks like a binary classification of 0s and 1s. So how can I use my dataset to represent a similar format for y? I tried to think through and it doesn’t make sense that these would be cluster identifiers right? So what is the binary/multiclass representation of for y?

    Heres the code, Obviously I cannot use y as I have because it is continuous, but of course I implemented to see what would happen and to show for example purposes:

    y = X_train_MinMax[:,1]
    print(X_train_MinMax.shape, y.shape)

    #(70,15)(70, )

    # get a voting ensemble of models
    def get_voting():
    # define the base models
    models = list()
    models.append((‘knn1’, KNeighborsClassifier(n_neighbors=1)))
    models.append((‘knn3’, KNeighborsClassifier(n_neighbors=3)))
    models.append((‘knn5’, KNeighborsClassifier(n_neighbors=5)))
    models.append((‘knn7’, KNeighborsClassifier(n_neighbors=7)))
    models.append((‘knn9′, KNeighborsClassifier(n_neighbors=9)))
    # define the voting ensemble
    ensemble = VotingClassifier(estimators=models, voting=’hard’)
    return ensemble

    # get a list of models to evaluate
    def get_models():
    models = dict()
    models[‘knn1’] = KNeighborsClassifier(n_neighbors=1)
    models[‘knn3’] = KNeighborsClassifier(n_neighbors=3)
    models[‘knn5’] = KNeighborsClassifier(n_neighbors=5)
    models[‘knn7’] = KNeighborsClassifier(n_neighbors=7)
    models[‘knn9’] = KNeighborsClassifier(n_neighbors=9)
    models[‘hard_voting’] = get_voting()
    return models

    # evaluate a give model using cross-validation
    def evaluate_model(model, X_train_MinMax, y):
    cv = RepeatedStratifiedKFold(n_splits=10, n_repeats=3, random_state=1)
    scores = cross_val_score(model, X_train_MinMax, y, scoring=’accuracy’, cv=cv, n_jobs=-1, error_score=’raise’)
    return scores

    # get the models to evaluate
    models = get_models()
    # evaluate the models and store results
    results, names = list(), list()
    for name, model in models.items():
    scores = evaluate_model(model, X_train_MinMax, y)
    results.append(scores)
    names.append(name)
    print(‘>%s %.3f (%.3f)’ % (name, mean(scores), std(scores)))
    # plot model performance for comparison
    pyplot.boxplot(results, labels=names, showmeans=True)
    pyplot.show()

  20. Avatar
    Jessy April 7, 2021 at 2:41 pm #

    hi jason,
    Hard voting clasifier is applicable only for binary classification or multistage classification (Class of 5 stages)

  21. Avatar
    Yashwant May 26, 2021 at 3:46 pm #

    Thank you very much for such a great tutorial sir

  22. Avatar
    maaz July 29, 2021 at 8:16 pm #

    Hi Jason. Can you tell me the backend phenomena that how voting improves our accuracy score ? I am using 2 models which are MLP and ELM and having 4 labels.
    Let’s assume I got these accuracies :
    Mlp = 92
    Elm = 94
    Ensemble voting = 97

    now the thing is . how ensemble voting improving our accuracy ? how it worked for that?

    • Avatar
      Jason Brownlee July 30, 2021 at 6:27 am #

      Sometimes it can help, sometimes not. Why – it depends on the model and the data. Try it and see.

  23. Avatar
    Raisa August 6, 2021 at 5:02 pm #

    Thanks for the post.

    I have a question. I have used Adaboost, DT and Bagging in a voting classififer as classifier 1, classififer 2 and classifier 3, I used hard voting.The voting classifier obtained a result of 93.14% accuracy which is better than what DT gave me earlier (92.87%). Is it logical to use boosting and bagging in another ensemble method( voting classifier) ?

  24. Avatar
    Malak August 6, 2021 at 6:52 pm #

    Hi
    Thank you for your useful content
    I have a question. How to Machine learning(SVM,NB, KNN) and Lexicon (NRC) together to use majority votingØŸ
    Please advise.

    • Avatar
      Jason Brownlee August 7, 2021 at 5:39 am #

      I don’t know what “Lexicon (NRC)” is sorry.

  25. Avatar
    aliou September 7, 2021 at 3:19 am #

    thanks!

    How we can apply majority voting for 3 pre-trained language models?

    • Adrian Tam
      Adrian Tam September 7, 2021 at 6:19 am #

      Isn’t that you can always get a majority with 3 voters?

  26. Avatar
    aliou September 9, 2021 at 7:40 am #

    i can do with 3,4,5 and more, but how to apply it?

    • Adrian Tam
      Adrian Tam September 11, 2021 at 6:03 am #

      Simply count the result should work. That’s why you call it a voting.

  27. Avatar
    Abderrazek November 4, 2021 at 4:36 am #

    Hi Jason,

    thanks for this great post. I have a question about soft voting. How to calibrate models that do not natively predict a class probability like KNN to be used in ensemble with soft voting.

    • Adrian Tam
      Adrian Tam November 7, 2021 at 7:38 am #

      I don’t think we calibrate multiple models at once, but more to fine tune each model individually to make every one do good. If every one is doing good, the ensemble will be good too.

      • Avatar
        Lukas November 29, 2021 at 8:01 pm #

        Hi Adrian,

        just that I understand this correctly, you mean that first, I should tune and calibrate each algorithm individually and find the optimal parameters for each algorithm. The insert all calibrated models into the voting classifier and train the model based on the optimal parameters found for each individual algorithm?

        • Adrian Tam
          Adrian Tam December 2, 2021 at 1:32 am #

          Correct. But if the data you used for calibration is already the same as the data for your final model, you can save the calibrated model and skip the voting classifier function in sklearn, then build your own voting classifier in a loop. Of course, retrain the model with VotingClassifier function is simpler.

  28. Avatar
    Ashraful November 22, 2021 at 5:30 pm #

    Hello, Jason,
    Thanks for this tutorial.
    I have a query as follows:
    Suppose, I have two models (Model1 and Model2) trained on different image datasets say Data1 and Data2. Can I use these models in the voting-classifier function?

    • Adrian Tam
      Adrian Tam November 23, 2021 at 1:27 pm #

      Nothing stop you from doing that. But does it makes sense in your problem?

  29. Avatar
    abdou April 6, 2022 at 10:31 am #

    Hi Adrian Tam

    how can wee implement voting ensemble with extreme learning machine?

    thank you

  30. Avatar
    Bob May 16, 2022 at 7:30 pm #

    Dear Jason,
    Dear Adrian,

    Please, allow me to ask. Is there any theoretical background that limits the combination of some machine learning classifiers into voting meta-learners?

    Say, I built a model from the X and y for each using Logistic regression with Lasso penalty, Logistic regression with ridge penalty, Decision Trees, Random Forest, AdaBoost, and XGboost with various accuracy results from each model.

    Does it make sense to create a soft voting classifier (or weighted voting classifier) made from a combination of the Decision Trees model and Random Forest? (considering random forest itself is already a combination and voting of several decision trees). Does it make sense to create a voting classifier consisting of XGBoost and Adaboost?

    I understand that we can combine as many SVM, KNN, ANN with their various hyperparameter into the voting classifier. Does the same apply to ensemble-based machine learning? (considering each ensemble method already implement a voting mechanism inside their algorithm).

    Thank you for your patience. I am sorry for the beginner question. Peace.

    • Avatar
      Bob May 16, 2022 at 7:47 pm #

      Dear Jason,
      Dear Adrian,

      Please, allow me to ask. Is there any theoretical background that limits the combination of some machine learning classifiers into voting meta-learners?

      Say, I built a model from the X and y for each using Logistic regression with Lasso penalty, Logistic regression with elastic net penalty, Decision Trees, Random Forest, AdaBoost, and XGboost with various accuracy results from each model using stratified kfold cross-validation.

      Does it make sense to create a soft voting classifier (or weighted voting classifier) made from a combination of the Decision Trees model and Random Forest? (considering random forest itself is already a combination and voting of several decision trees).
      Does it make sense to create a voting classifier consisting of XGBoost and Adaboost?
      Does it make sense to create a voting classifier consisting of logistic regression with lasso penalty and other logistic regression with the elastic net penalty? (considering elastic net already a combination of lasso and ridge

      I understand that we can combine as many SVM, KNN, and ANN with their various hyperparameter into the voting classifier. Does the same apply to ensemble-based machine learning? (considering each ensemble method already implement a voting mechanism inside their algorithm).

      I understand that we are free to do anything with our data, I believe combining similar models will help narrowing the standard deviation from the cumulative average of the cross-validation loop. But, but, is it theoritically acceptable?

      Thank you for your patience. I am sorry for the beginner question. Good luck to everyone.

  31. Avatar
    SARVESH May 26, 2022 at 7:11 pm #

    Hi Jason,

    Thank you for your useful content
    I have a question. How to Machine learning(SVM,NB, RF) and Deep Learning(ANN) together to use majority voting?

    Please advise.

  32. Avatar
    Bob May 30, 2022 at 11:20 am #

    Dear Jason,
    Dear Adrian,
    Dear James,

    Please, allow me to ask. Is there any theoretical background that limits the combination of some machine learning classifiers into voting classifiers?

    Say, I built a model from the X and y using several models: Logistic regression with Lasso penalty, Logistic regression with elastic net penalty, Decision Trees, Random Forest, AdaBoost, and XGboost with various accuracy results from each model using stratified kfold cross-validation.

    Does it make sense to create a soft voting classifier (or weighted voting classifier) made from a combination of the Decision Trees model and Random Forest? (considering random forest itself is already a combination and voting of several decision trees).
    Does it make sense to create a voting classifier consisting of XGBoost and Adaboost?
    Does it make sense to create a voting classifier consisting of logistic regression with lasso penalty and other logistic regression with the elastic net penalty? (considering elastic net already a combination of lasso and ridge

    I understand that we can combine as many SVM, KNN, and ANN with their various hyperparameter into the voting classifier. Does the same apply to ensemble-based machine learning? (considering each ensemble method already implement a voting mechanism inside their algorithm).

    I understand that we are free to do anything with our data, I believe combining similar models will help narrowing the standard deviation from the cumulative average of the cross-validation loop. But, but, is it theoritically acceptable?

    Thank you for your patience. I am sorry for the beginner question. Good luck to everyone.

  33. Avatar
    Isaac Agyapong August 18, 2023 at 11:04 am #

    Thanks for the information, very educative. I want answers to some few questions.
    1. Apart from voting, what other method can be adopted to combine algorithms to create an ensemble learner?
    2. Is voting the same as stacking?
    3. What is the difference between voting ensemble and blending?
    Waiting for your quick response.
    Thanks
    Isaac

  34. Avatar
    Ali February 12, 2024 at 6:52 am #

    Hi dear dr. Jason
    I want to train some models (with same type or not) with different train data (but same number of classes) and vote between trained models for validation data. How can I do this in python?

Leave a Reply