[New Book] Click to get The Beginner's Guide to Data Science!
Use the offer code 20offearlybird to get 20% off. Hurry, sale ends soon!

How to Develop Your First XGBoost Model in Python

XGBoost is an implementation of gradient boosted decision trees designed for speed and performance that is dominative competitive machine learning.

In this post you will discover how you can install and create your first XGBoost model in Python.

After reading this post you will know:

  • How to install XGBoost on your system for use in Python.
  • How to prepare data and train your first XGBoost model.
  • How to make predictions using your XGBoost model.

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

Let’s get started.

  • Update Jan/2017: Updated to reflect changes in scikit-learn API version 0.18.1.
  • Update Mar/2017: Adding missing import, made imports clearer.
  • Update Mar/2018: Added alternate link to download the dataset.
How to Develop Your First XGBoost Model in Python with scikit-learn

How to Develop Your First XGBoost Model in Python with scikit-learn
Photo by Justin Henry, some rights reserved.

Tutorial Overview

This tutorial is broken down into the following 6 sections:

  1. Install XGBoost for use with Python.
  2. Problem definition and download dataset.
  3. Load and prepare data.
  4. Train XGBoost model.
  5. Make predictions and evaluate model.
  6. Tie it all together and run the example.

Need help with XGBoost in Python?

Take my free 7-day email course and discover xgboost (with sample code).

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

1. Install XGBoost for Use in Python

Assuming you have a working SciPy environment, XGBoost can be installed easily using pip.

For example:

To update your installation of XGBoost you can type:

An alternate way to install XGBoost if you cannot use pip or you want to run the latest code from GitHub requires that you make a clone of the XGBoost project and perform a manual build and installation.

For example to build XGBoost without multithreading on Mac OS X (with GCC already installed via macports or homebrew), you can type:

You can learn more about how to install XGBoost for different platforms on the XGBoost Installation Guide. For up-to-date instructions for installing XGBoost for Python see the XGBoost Python Package.

For reference, you can review the XGBoost Python API reference.

2. Problem Description: Predict Onset of Diabetes

In this tutorial we are going to use the Pima Indians onset of diabetes dataset.

This dataset is comprised of 8 input variables that describe medical details of patients and one output variable to indicate whether the patient will have an onset of diabetes within 5 years.

You can learn more about this dataset on the UCI Machine Learning Repository website.

This is a good dataset for a first XGBoost model because all of the input variables are numeric and the problem is a simple binary classification problem. It is not necessarily a good problem for the XGBoost algorithm because it is a relatively small dataset and an easy problem to model.

Download this dataset and place it into your current working directory with the file name “pima-indians-diabetes.csv” (update: download from here).

3. Load and Prepare Data

In this section we will load the data from file and prepare it for use for training and evaluating an XGBoost model.

We will start off by importing the classes and functions we intend to use in this tutorial.

Next, we can load the CSV file as a NumPy array using the NumPy function loadtext().

We must separate the columns (attributes or features) of the dataset into input patterns (X) and output patterns (Y). We can do this easily by specifying the column indices in the NumPy array format.

Finally, we must split the X and Y data into a training and test dataset. The training set will be used to prepare the XGBoost model and the test set will be used to make new predictions, from which we can evaluate the performance of the model.

For this we will use the train_test_split() function from the scikit-learn library. We also specify a seed for the random number generator so that we always get the same split of data each time this example is executed.

We are now ready to train our model.

4. Train the XGBoost Model

XGBoost provides a wrapper class to allow models to be treated like classifiers or regressors in the scikit-learn framework.

This means we can use the full scikit-learn library with XGBoost models.

The XGBoost model for classification is called XGBClassifier. We can create and and fit it to our training dataset. Models are fit using the scikit-learn API and the model.fit() function.

Parameters for training the model can be passed to the model in the constructor. Here, we use the sensible defaults.

You can see the parameters used in a trained model by printing the model, for example:

You can learn more about the defaults for the XGBClassifier and XGBRegressor classes in the XGBoost Python scikit-learn API.

You can learn more about the meaning of each parameter and how to configure them on the XGBoost parameters page.

We are now ready to use the trained model to make predictions.

5. Make Predictions with XGBoost Model

We can make predictions using the fit model on the test dataset.

To make predictions we use the scikit-learn function model.predict().

By default, the predictions made by XGBoost are probabilities. Because this is a binary classification problem, each prediction is the probability of the input pattern belonging to the first class. We can easily convert them to binary class values by rounding them to 0 or 1.

Now that we have used the fit model to make predictions on new data, we can evaluate the performance of the predictions by comparing them to the expected values. For this we will use the built in accuracy_score() function in scikit-learn.

6. Tie it All Together

We can tie all of these pieces together, below is the full code listing.

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.

Running this example produces the following output.

This is a good accuracy score on this problem, which we would expect, given the capabilities of the model and the modest complexity of the problem.

Summary

In this post you discovered how to develop your first XGBoost model in Python.

Specifically, you learned:

  • How to install XGBoost on your system ready for use with Python.
  • How to prepare data and train your first XGBoost model on a standard machine learning dataset.
  • How to make predictions and evaluate the performance of a trained XGBoost model using scikit-learn.

Do you have any questions about XGBoost or about this post? Ask your questions in the comments and I will do my best to answer.

Discover The Algorithm Winning Competitions!

XGBoost With Python

Develop Your Own XGBoost Models in Minutes

...with just a few lines of Python

Discover how in my new Ebook:
XGBoost With Python

It covers self-study tutorials like:
Algorithm Fundamentals, Scaling, Hyperparameters, and much more...

Bring The Power of XGBoost To Your Own Projects

Skip the Academics. Just Results.

See What's Inside

172 Responses to How to Develop Your First XGBoost Model in Python

  1. Avatar
    Qichang Feng August 26, 2016 at 8:21 pm #

    Hi Jason,

    First of all thanks for all your great posts. I have learned a lot from them.

    I have a question regarding the code seperating input features X and response variable Y. It seems you include the last column in the features as well which should not be the case.

    X = dataset[:,0:8]

    The correct one should be X = dataset[:, 0:7] to match 8 input variables for the medical details of patients.

    The error happened in your mini-course handbook as well.

    • Avatar
      Jason Brownlee August 27, 2016 at 11:32 am #

      You’re welcome Qichang.

      Perhaps you are getting different results based on the version of Python or Numpy you are using.

      I can confirm that the code in the post is correct:

      There are 9 columns, only the first 8 are stored in X with the 9th stored in Y. The above snippet produces:

      Does that help?

      Tested on Python 2.7.11 and numpy 1.11.1.

      • Avatar
        Qichang August 28, 2016 at 10:27 am #

        Hi Jason,

        Thanks a lot for your quick reply. It is my mistake as I am confused with 0:8 because I am also learning R recently. In R, the last number of 0:8 is included while it is excluded in Python. I should have checked the shape.

        Thanks again.

  2. Avatar
    Joao Pires September 21, 2016 at 6:42 am #

    Hi
    I run the code and I get this error:
    model = xgboost.XGBClassifier()
    AttributeError: ‘module’ object has no attribute ‘XGBClassifier’

    Do you know why?

    Thks

    • Avatar
      Jason Brownlee September 21, 2016 at 8:30 am #

      You need to import xgboost.

      • Avatar
        Taro December 3, 2018 at 8:53 pm #

        Hi Jason. Thanks for this well elucidated tutorial. But I seem to encounter this same issue whereas I’ve already imported xgboost.

        • Avatar
          Jason Brownlee December 4, 2018 at 6:01 am #

          You may have a typo in your code, perhaps ensure that you have copied the code exactly.

        • Avatar
          Shubham October 16, 2020 at 8:09 am #

          what you are doing is this –

          import xgboost

          do this and the code should run fine –

          from xgboost import XGBClassifer

  3. Avatar
    SG Huang September 29, 2016 at 7:40 pm #

    Thanks Jason for the clear guide.

    What is the normal ways to improve the accuracy in practice? Shall we do some featuring engineering, or change to a different model?

    I have learned the basics of machine learning through online courses, but there is still a gap between what I learned in the courses and the practical problems such as the competitions on Kaggle. Can you share some insights?

  4. Avatar
    Jessica November 11, 2016 at 4:39 am #

    Thank you for this, it’s extremely helpful.

    I wrote a model for my data last night, and it performed very well.
    I tried to re-run it today, and it gave me an error trying to import xgboost.

    I typed in “import xgboost”
    And I got: “ImportError: No module named xgboost”

    • Avatar
      Jason Brownlee November 11, 2016 at 10:06 am #

      Sorry to hear that Jessica.

      I wonder if something changed with your environment.

      Perhaps try running everything from the command line.
      Confirm you’re using the same user.
      Confirm xgboost is still installed on the system (pip show or something…)

  5. Avatar
    Trupti November 21, 2016 at 5:26 pm #

    hello, thanks for the fantastic explanation!!
    I have a query. Can we get the list of significant variables that entered in the model? How do we read the “feature_importances_”?
    Also, how to fin-tune the xgboost model?
    Thanks again!

  6. Avatar
    Trupti November 21, 2016 at 7:55 pm #

    Hello. Thanks for the explanation!
    Can you tell me if I can see the list of variables entering in the model. Also, how do we fine tune the model further??
    Once we have the xgboost model..how do we productionise it? In logistic regression we get an equation which can be automated to run in real time production, what do we get in xgboost?

  7. Avatar
    Peter Tan December 8, 2016 at 8:26 am #

    Hi Jason, I am running into the same issue as some of the readers here:

    AttributeError: ‘module’ object has no attribute ‘XGBClassifier’

    To ensure I did not have any typo, I have created a complete copy of your sample code and I still get the same issue.

    (I do have import xgboost in my code).

    I am using xgboost 0.6a2 with anaconda2-4.2.0. Just wondering if you have run into similar issues.

  8. Avatar
    Hector December 30, 2016 at 1:29 pm #

    Hello Jason, I ran the example code here and one error returned as:

    File “./test.py”, line 21
    model = xgboost.XGBClassifier()
    ^
    SyntaxError: invalid syntax

    Can you tell me what I did wrong? I can successfully import the packages.

    I am using python 3.5 and xgboost 0.6.

    • Avatar
      Jason Brownlee December 31, 2016 at 7:02 am #

      Perhaps a copy paste error? Check for extra white space in your copy of the code.

  9. Avatar
    Trupti January 7, 2017 at 5:31 pm #

    I am using predict_proba to create predicted probabilities by xgboost model. Can I save these probs in the same train data on which model is built so that I can further create reports to show management about validations of the scorecard.

    • Avatar
      Jason Brownlee January 8, 2017 at 5:20 am #

      Sorry, I don’t think I understand.

      Predicted probabilities on the training dataset will be biased. You may want to report on the probabilities for a hold-out dataset.

  10. Avatar
    Niranjan March 14, 2017 at 3:23 am #

    Hi, It was a very nice intro to xgboost. Please add a import for train_test_split function

  11. Avatar
    Keren March 27, 2017 at 12:15 am #

    Hi Jason,
    I didn’t manage to find a clear explanation for the way the probabilities given as output by predict_proba() are computed.

    In random forest for example, I understand it reflects the mean of proportions of the samples belonging to the class among the relevant leaves of all the trees.

    However in XGBoost I couldn’t understand the computation from the documentation or the code. Shouldn’t it give different weights for each tree?

    • Avatar
      Jason Brownlee March 27, 2017 at 7:56 am #

      Good question Keren, I’m not sure off hand.

      You could check some of the original stochastic gradient boosting papers or even reach out to the xgboost authors.

  12. Avatar
    Niranjan April 20, 2017 at 8:31 pm #

    Hi, Jason, Thank you for such a nice explaination, would you help me out regarding how to print the training accuracy while we call the fit function in xgboost?

  13. Avatar
    sumi May 25, 2017 at 3:52 pm #

    Hi,

    Thankyou for your post. It was really helpful.But can you tell me why do I get ‘ImportError: cannot import name XGBClassifier’ when I run this code?i have installed XG Boost successfully and I still have this error. Please help me.

  14. Avatar
    vishwas May 25, 2017 at 10:20 pm #

    how to combine Xgboost classifier and Deep learning and create ensemble(voting classifier)…can you please elaborate more on ensemble techniques

  15. Avatar
    joao June 10, 2017 at 6:29 pm #

    In your step by step explanation you have: “from xgboost import XGBClassifier” and then you use: “model = xgboost.XGBClassifier()”. This will give an error.
    In the full code you have it right though.

  16. Avatar
    Mahmoud July 18, 2017 at 6:56 pm #

    Hello Dr Jason, thanks for the quick cool tutorial. It is fundamental and very beneficial.
    one question, how do I use GPU for training and prediction purposes in XGBoost? I am working on large dataset. thanks a lot in advance.

  17. Avatar
    Bhupendra singh October 6, 2017 at 5:54 am #

    hey ! this performed very well but how will I know which features are selected
    ?

  18. Avatar
    Bhupendra singh October 6, 2017 at 5:55 am #

    sorry I asked a wrong question …

  19. Avatar
    xuyuewei October 25, 2017 at 7:39 pm #

    Thanks a lot

  20. Avatar
    Eric Wu November 11, 2017 at 4:56 am #

    Gee, the 20 or so lines of code is the basic recipe for almost all supervised learning tasks and XGBoost is like the default algorithm. I wish there is a way I could “double” bookmark this page. Well done!

  21. Avatar
    kono November 14, 2017 at 8:52 am #

    Hi Jason,

    XGBClassifier’s default objective is binary:logisitc. For binary:logistic, is its objective function the summation of logloss? If so, why XGBoost use “error”(accuracy score) as the default evaluation metric instead of “logloss”?

    https://github.com/dmlc/xgboost/blob/master/doc/parameter.md#learning-task-parameters

    Kono

  22. Avatar
    mit December 12, 2017 at 6:41 pm #

    Could you please give me an example how a model should be developed using training data and perform a test on the test data?

    I mean, How I can do the following:

    1. Use training data to develop model and use test data to predict;
    2. Use the combined data set (Train and test dataset) and apply Cross-validation.

  23. Avatar
    Frankli December 13, 2017 at 2:01 pm #

    Hi, Jason

    how to adjust the parameters in this model?

    it seems that this blackbox can do everything, but we don’t know the detail in it

    • Avatar
      Jason Brownlee December 13, 2017 at 4:14 pm #

      You can use the hyperparameters to change the way the model is trained.

  24. Avatar
    frankli December 13, 2017 at 5:31 pm #

    thanks, but what is hyperparameters? a package in xgboost?
    any sample codes?

  25. Avatar
    Nasir January 13, 2018 at 8:25 am #

    Hi Jason

    Thanks for very nice tutorial. I would appreciate, if you give me advice.
    I have vibration data (structured format). I am using deep learning Keras using tensorflow. But I read that “Specifically, gradient boosting is used for problems where structured data is available, whereas deep learning is used for perceptual problems such as image classification.

    Practitioners of the former almost always use the
    excellent XGBoost library, which offers support for the two most popular languages of
    data science: Python and R”

    I am very confused and would like to know your expert opinion that I have to switch and use gradient boosting? I am interested to use for regression purpose.

    Hope to hear from you.

    Nasir

  26. Avatar
    Pratip January 30, 2018 at 7:51 pm #

    Hello sir ,

    I am trying use this :
    from xgboost import XGBClassifier

    but it gives me an error as cannot import name ‘XGBClassifier’

    But when i import xgboost it works .
    Can you tell me my error why its not working ?

  27. Avatar
    Matthew March 10, 2018 at 12:01 am #

    The diabetes dataset link is returning a 404. Any idea where it has gone?

  28. Avatar
    Gary March 19, 2018 at 8:31 am #

    I’m getting an error XGBoostError: sklearn needs to be installed in order to use this module however I _do_have sklearn installed in the active environment (and in all the other. I think)

  29. Avatar
    Deep March 25, 2018 at 9:31 pm #

    I am new in ML concept & your examples are very helpful & simple to understand.

    I have recreated the same example based on my data.

    My code below:

    model = XGBClassifier()
    model.fit(X_test,Y_test)

    Q = vectorizer.transform([“I want to play online game”]).toarray()
    pred_data = model.predict(Q)

    I am getting correct prediction but how can I get the score of the prediction correctly.
    Even I used predict_proba of xgboost & getting all the scores but is this the way to get the score of my prediction or some other way is there?

  30. Avatar
    File April 8, 2018 at 6:55 pm #

    Thank you Jason, this blog really helps a lot.
    And I noticed that the dataset you referred is not available anymore. Could you recommend another bi-classification dataset please, thanks –

  31. Avatar
    IrriAnalytics May 3, 2018 at 7:16 pm #

    How can I obtain the set of decision rules ( cuts on the features), once I have built the model?

    • Avatar
      Jason Brownlee May 4, 2018 at 7:41 am #

      Good question, generally this is not feasible given that there many be hundreds or thousands of trees in the model.

  32. Avatar
    charliew May 9, 2018 at 3:12 am #

    Thanks for the work. I ran into an error when trying to do:

    model = XGBClassifier(objective=’multi:softprob’)
    model.fit(X_train, Y_train)

    the error is: b’value 0for Parameter num_class should be greater equal to 1′

    It works fine if I don’t specify objective=’multi:softprob’. Just wondering if you have any experience with XGBClassifier(objective=’multi:softprob’)?

    Thanks

    • Avatar
      Jason Brownlee May 9, 2018 at 6:26 am #

      Sorry, I have not seen this error.

      Perhaps post to stackoverflow?

  33. Avatar
    Kate May 20, 2018 at 9:52 pm #

    Hi!
    I’m currently experimenting with XGBoost for an important project and have uploaded a question on StackOverflow. I just read this post and it is clearer to me now, but you do not use the xgboost.train method. It this included in the XGBRegressor wrapper? I did use xgboost.train, which gave me an error, while xgboost.fit does not produce this error. Could you maybe take a look at it?
    https://stackoverflow.com/questions/50426680/xgboost-gives-keyerror-best-msg

    Thanks in advance!
    Kind regards

    • Avatar
      Jason Brownlee May 21, 2018 at 6:30 am #

      Perhaps you can summarize your problem for me in one or two lines?

  34. Avatar
    Michael June 7, 2018 at 3:36 pm #

    Hi,

    I am using XGBRegressor wrapper to predict the sales of a product, there are 50 products, I want to know the coefficient as in linear regression to see which product sales is affecting how much to the dependent sales variable. Let say Y = B1X1 + B2X2 + ….. BnXn + C , i want the values of B1,B2,….Bn from tree regressor(XGBRegressor).

    • Avatar
      Jason Brownlee June 8, 2018 at 6:05 am #

      An xgboost model is different from a linear regression. There are no list of coefficients, just a ton of trees.

      • Avatar
        Michael June 8, 2018 at 11:38 pm #

        Thanks, but is there a way where I can determine that what percentage of other product sales is affecting the sales of my dependent (sales)
        variable

        • Avatar
          Jason Brownlee June 9, 2018 at 6:54 am #

          Yes, but this might be a question of statistical methods, not predictive modeling.

  35. Avatar
    Todd June 8, 2018 at 6:38 am #

    Jason, thanks for the great article (and site)
    I have a text classification problem that I normally use Logistic Regression to solve. So I’m used to transforming the features in order to fit a model, but I normally don’t have to do anything to the text labels. The labels are text categories (e.g. labels = [‘cancel’, ‘change’, ‘contact support’, etc]. I am now receiving error

    dtrain = xgb.DMatrix(X_train_dtm, label=y_train)

    TypeError: must be real number, not str

    y_train is text data. How would I start to solve for this? Any pointers? Do I need to do some sort of transformation to the labels?

  36. Avatar
    Leote Cherradi September 18, 2018 at 12:13 am #

    Hello,

    Nice article
    juste wanted to say that for classification better to use F1 score, precision and recall and a confusion Matrix.

    Here is some python code to add at the end :

    predictions = model.predict(X_test)
    Y_Testshaped = y_test.values

    cm = confusion_matrix(Y_Testshaped, predictions)
    print(‘F1 : ‘ + str(f1_score(Y_Testshaped, predictions,average=None)) )
    print(‘Precision : ‘ + str(precision_score(Y_Testshaped, predictions,average=None)) )
    print(‘Recall : ‘ + str(recall_score(Y_Testshaped, predictions,average=None)) )

    fig, ax = plot_confusion_matrix(conf_mat=cm)
    plt.show()

    • Avatar
      Jason Brownlee September 18, 2018 at 6:17 am #

      It depends on the goals of your project.

      Choose a measure that help you best demonstrate the performance of your model to your stakeholders.

  37. Avatar
    Anshita October 3, 2018 at 9:48 pm #

    Hi Jason,

    When I put test-size = 0.2, then the model accuracy increases. It shows the accuracy_score = 81.17% and when I take test-size = 0.15 then accuracy_score = 81.90% and if I take test-size = 0.1 then accuracy_score = 80.52%. So, is it good to take the test-size = 0.15 as it increases the accuracy_score? I normally see the test-size = 0.2 or 0.3 or in-between. So, for good model should I select that model which gives me higher model accuracy_score? If not, why?

    • Avatar
      Jason Brownlee October 4, 2018 at 6:16 am #

      More data is generally better.

      The differences may not be real, e.g. statistical noise.

  38. Avatar
    Hoang December 3, 2018 at 8:42 pm #

    model.predict(X_test) gives class predictions.
    model.predict_proba(X_test) gives score predictions.

    So I guess if we do model.predict(X_test), we don’t need to round the results. Am I right?
    Thank you!

    • Avatar
      Jason Brownlee December 4, 2018 at 6:00 am #

      Yes, the API has changed a lot in recent years.

  39. Avatar
    Eric Ewald December 7, 2018 at 4:46 am #

    Jason,

    I am new to machine learning, but have a familiarity w/ regression. So what i take from the output of this model is that these variables (X), are 77.95% accurate in predicting Y. My question is how would i apply this data? Can in create a function that i can input these variables (X), to predict the probability for someone to become stricken with diabetes Y?

    Eric

    • Avatar
      Jason Brownlee December 7, 2018 at 5:27 am #

      Yes, you can use the model as part of a software application that accepts input and uses the output.

  40. Avatar
    Chao January 27, 2019 at 3:28 am #

    Hi Jason

    Thanks for the tutorial, I ran my train/test data with the default param on the xgboost and GradientBoostingClassifier from sklearn, they have same results but xgboost is slower than GB in terms of training and testing ( around 30% difference ).

    It seems weird? is Xgboost supposed to be much faster than GBM from sklearn?

    My laptop is a i7-5600u, it supposed to have 4 threads.

    Thanks!

    • Avatar
      Jason Brownlee January 27, 2019 at 7:41 am #

      Perhaps it was not an apples to apples comparison, e.g. different model configuration?

  41. Avatar
    Salman March 16, 2019 at 7:05 pm #

    Hi,
    I am trying to convert my X and y into xgb,DMatix to make computation faster. My X has dimensions (1020, 421) and my y (1020,1).
    I get an error and don’t know where my problem is.
    I’d appreciate if you could help.

    # Making xgDMatrix optimized dataset

    dabsorb = xgb.DMatrix(absorb)
    y = np.reshape(y,(-1, 1))
    dy = xgb.DMatrix(y)

    # Fitting XGBoost to the Training set
    from xgboost import XGBClassifier
    classifier = XGBClassifier ()
    classifier.fit(dabsorb,dy)

    I get this error:
    File “C:\Users\AU529763\AppData\Local\Continuum\anaconda3\lib\site-packages\sklearn\utils\validation.py”, line 797, in column_or_1d
    raise ValueError(“bad input shape {0}”.format(shape))

    ValueError: bad input shape ()

    • Avatar
      Jason Brownlee March 17, 2019 at 6:17 am #

      I’m not sure sorry, perhaps try posting to stackoverflow?

  42. Avatar
    Nirmine March 26, 2019 at 5:58 am #

    hello Jason

    I want to know what is the difference between the two codes? and which one do you advise me to use it?

    # load data
    # split data into (X_train, X_test, y_train, y_test)
    from xgboost import XGBClassifier
    model = XGBClassifier(learnin_rate=0.2, max_depth= 8,…)
    eval_set = [(X_test, y_test)]
    model.fit(X_train, y_train, eval_metric=”auc”, early_stopping_rounds=50, eval_set=eval_set, verbose=True)
    y_pred = model.predict(X_test)

    Code 2

    # load data
    # split data into (X_train, X_test, y_train, y_test)
    import xgboost as xgb
    dtrain = xgb.DMatrix(X_train,y_train)
    dtest = xgb.DMatrix(X_test,y_test)
    eval_set = [(X_test, y_test)]
    param = {‘learnin_rate’:0.2,’max_depth’: 8, ‘eval_metric’:’auc’, ‘boost’:’gbtree’, ‘objective’: ‘binary:logistic’, … }
    num_round = 300
    bst = xgb.train(param, dtrain, num_round)

    • Avatar
      Jason Brownlee March 26, 2019 at 8:13 am #

      Perhaps try both on your problem and use the one that results in the best performance on your dataset?

  43. Avatar
    Eug May 23, 2019 at 7:24 am #

    How can I use Xgboost inside logistic regression.

    • Avatar
      Jason Brownlee May 23, 2019 at 2:30 pm #

      I don’t know, sorry.

      • Avatar
        Eug May 23, 2019 at 11:16 pm #

        I heard we can use xgboost to extract the most important features and fit the logistic regression with those features. For example if we have a dataset of 1000 features and we can use xgboost to extract the top 10 important features to improve the accuracy of another model. such Logistic regression, SVM,… the way we use RFE.

  44. Avatar
    Luana Letícia May 28, 2019 at 12:29 pm #

    Thaaanks very much!!! So good explanation!!

  45. Avatar
    rajkamal May 31, 2019 at 3:35 pm #

    First of all, thank u so much of such great content. Actually, I’ve trying to implement a multi-class text classification, for that, I’ve tried to generate the word embeddings using the Word2Vec model, have u got any other suggestions to generate word embeddings ??

    The other question I’ve got is, how am I supposed to handle the data which has both texts (which is not categorical) as well as numeric values? Have you got any worked out examples for this kind?

    Thanks in advance.

  46. Avatar
    Nada June 2, 2019 at 5:29 pm #

    Hi im working with a dataset with a shape of (7026,63) i tried to run xgboost, gradientboosting and adaboost classifiers on it however it returns a low accuracy rate i tried to tune the parameters a bit but stil ada gave me 60% and xgboost gave me 45% as for the gradient boosting it gave me 0.023 i would very much appreciate it if you coulx answer as to why its not working well.

  47. Avatar
    Maryam July 24, 2019 at 4:44 am #

    Hi! Thanks for the useful post. I have a weird problem when it comes to rounding the y_pred in this line:
    predictions = [round(value) for value in y_pred]

    It apparently is a 2d array and python gives me an error saying:
    Error “TypeError: type numpy.ndarray doesn’t define __round__ method”

    Any chance you have encountered this error or know why that happens?

    • Avatar
      Jason Brownlee July 24, 2019 at 8:15 am #

      Sorry to hear that.

      Perhaps try working with predictions directly without the rounding?

  48. Avatar
    Merik August 24, 2019 at 2:16 pm #

    Hi Jason, thanks for the awesome post!

    Is there a way to implement incremental/batched learning?

  49. Avatar
    Prem August 28, 2019 at 4:08 pm #

    Hi Jason,
    when I run prediction on xgboost model I get error as

    ValueError: feature_names mismatch: [‘f0’, ‘f1’,….] [‘Application’, ‘Amount’….]

    expected f20, f12,….. in input data

    training data did not have the following fields: Application, Amount,………..

    • Avatar
      Prem August 28, 2019 at 4:30 pm #

      For one record, prediction happending, For the Test_Data, I am getting the above Error, (Train and Test data is not made from train_test_split, both are separate datasets)

    • Avatar
      Jason Brownlee August 29, 2019 at 6:00 am #

      Perhaps remove the heading from your CSV file? Or load the data without the column heading?

  50. Avatar
    roger September 20, 2019 at 6:36 am #

    so, let’s say that our researchers go back and acquire new data from this population, and now want you to feed that new data into your model to predict the risk of diabetes on the current population. Would you just split new_data in the same manner (z_train and z_test) and feed it into your refit your model?

    “””
    model.fit(X_train, y_train)
    z_pred = model.predict(z_test)
    accuracy = accuracy_score(z_test, predictions)
    print(“Accuracy: %.2f%%” % (accuracy * 100.0))
    “””

    or would you just feed the entire dataset as is and judge it against y_test?

    “””
    z_pred = model.predict(new_data)
    accuracy = accuracy_score(y_test, predictions)
    print(“Accuracy: %.2f%%” % (accuracy * 100.0))

    apologies for my lack of understanding, but a lot of tutorials stop at the point of an accuracy test and don’t cover the ‘what’s next’.

    thanks

  51. Avatar
    Lucas September 24, 2019 at 5:24 am #

    Hi Jason, I am trying to build a simple XGBoost binary classifier using your model with my own dataset. The dataset I am working with has about 18000 inputs, 30 features, and 1 label for classes. By making use of your code, when trying to compile predictions = [round(value) for value in y_pred], I get the error: type bytes doesn’t define __round__ method.

    Another issue is that when I run the model I always get the error: You appear to be using a legacy multi-label data representation. Sequence of sequences are no longer supported; use a binary array or sparse matrix instead – the MultiLabelBinarizer transformer can convert to this format.

    Does this have to do with the way I am defining the features and targets for the training and testing samples? I am doing this by defining them as features = df.drop(‘class’, axis=1) and targets = df[‘target_class’] and then I am defining the train and test sample size with X_train, X_test, y_train, y_test = train_test_split(features, targets, test_size=0.33, random_state=7).

  52. Avatar
    Jack October 14, 2019 at 5:04 pm #

    I use XGBoost with one feature (attribute), and got this error:

    IndexError Traceback (most recent call last)
    in
    1 # fit model on training data
    2 model = XGBClassifier()
    —-> 3 model.fit(X_train, y_train,sample_weight=’None’)
    4 print(model)

    ~\Anaconda2\envs\mypython3\lib\site-packages\xgboost\sklearn.py in fit(self, X, y, sample_weight, eval_set, eval_metric, early_stopping_rounds, verbose, xgb_model, sample_weight_eval_set, callbacks)
    717 evals = ()
    718
    –> 719 self._features_count = X.shape[1]
    720
    721 if sample_weight is not None:

    IndexError: tuple index out of range

    was it because I use only the only one attribute? How to fix it?

    Thanks in advance

    • Avatar
      Jason Brownlee October 15, 2019 at 6:07 am #

      That is odd.

      No, XGBoost can have one feature as input just fine.

      Perhaps confirm your data is loaded correctly, and that you have 1 column with n rows.

  53. Avatar
    Sophia Yue November 7, 2019 at 8:50 am #

    Hi Jason,
    1). How to apply the model built in the article into production?
    2)(.After we build the model, could you please point the direction or articles to Deploy Machine Learning Models?

    Thanks,
    Sophia

  54. Avatar
    Pragya Sharma November 8, 2019 at 8:39 pm #

    Can you please give an example with XGBRegressor and it’s parameters?

  55. Avatar
    Michał Bargiel November 12, 2019 at 3:53 am #

    Hey, thank you for the tutorial.

    I played around with variables for learning and changing parameters of XGBClassifier did not improve accuracy, however, I decreased test_size to 0.14 (I was trying different values) and accuracy peaked at 84%. I used Python 3.6.8 with 0.9 XGBoost lib.

    Do you think it varies because of improvements in the algorithm or was suggested size overfitting the results?

    • Avatar
      Jason Brownlee November 12, 2019 at 6:44 am #

      Test set might be too small.

      Perhaps try k-fold cross-validation to estimate the model performance?

  56. Avatar
    Pieter Willaert December 15, 2019 at 4:11 am #

    Hi,

    I’m trying to run this snipit with my data, but my kernel keeps dying… I don’t know why, i get no errors. Just a popup : Your kernel has died. Any suggestions on what to do?

  57. Avatar
    young.chan January 10, 2020 at 3:48 pm #

    how to apply XGBoost in Time Series Prediction?

  58. Avatar
    Reza January 20, 2020 at 2:32 am #

    Thanks for the tutorial
    Btw, does the label must be in numeric?
    Because my label is in str and always error

  59. Avatar
    Reza January 24, 2020 at 5:49 pm #

    Thanks for the info 🙂

  60. Avatar
    fede February 19, 2020 at 6:49 am #

    What if I want to label a single row with XGB ?
    I’ve trained my XGB model on a dataset (cardiovascular disease from Kaggle) with 13 features +1 target (0/1).
    I have an array with 13 values which I want to be predicted (1 row x 13 columns)

    array_to_predict = [[…],[…]……]

    print(model.predict(array_to_predict))

    how must be initialized the array in order to be correctly predicted ?

  61. Avatar
    Steven May 6, 2020 at 2:39 am #

    Hi Jason,

    Is it possible to use support vector machines as base learners in the xgbclassifier? I tried out ‘gbtree’ and ‘gblinear’ and surprisingly ‘gblinear’ beats ‘gbtree’ in several metrics for my breast cancer classification dataset. Is that possible since ‘gblinear’ can only make linea relationships, while ‘gbtrees’ can also consider non-linear relationships?

  62. Avatar
    Ezgi June 20, 2020 at 2:53 am #

    Hi Jason,

    I want to predict percentages, so I have target values in the range [0,1]. The problem is reg:linear gives output out of the range. I saw in stackoverflow, somebody suggested use reg:logistic with XGBRegressor() class. I tried reg:logistic and the results are really promising! But I don’t have a valid ground to do that. Do you think it is okay to apply reg:logistic or is it non-sense?
    Thanks a lot!

    • Avatar
      Jason Brownlee June 20, 2020 at 6:17 am #

      Perhaps try it and also perhaps try calibrating the predicted probabilities.

  63. Avatar
    Laís June 27, 2020 at 6:38 am #

    Hi Jason, I’m trying to use XGBClassifier but it won’t work.
    I am working with a fraud detection dataset called Paysim (available on Kaggle)
    This is part of my code:

    class Classificacao:
    def __init__(self, classif, model_name):
    self.name = model_name
    self.classifier = classif

    def norm_under(self, normalizar, under):
    if normalizar & under:
    steps = [(‘Norma’, StandardScaler()), (‘over’, SMOTE(sampling_strategy=0.1)),
    (‘under’, RandomUnderSampler(sampling_strategy=0.5)), (‘Class’, self.classifier)]
    elif normalizar:
    steps = [(‘Norma’, StandardScaler()), (‘over’, SMOTE(sampling_strategy=0.1)), (‘Class’, self.classifier)]
    elif under:
    steps = [(‘over’, SMOTE(sampling_strategy=0.1)), (‘under’, RandomUnderSampler(sampling_strategy=0.5)), (‘Class’, self.classifier)]
    else:
    steps = [(‘over’, SMOTE(sampling_strategy=0.1)), (‘Class’, self.classifier)]
    return steps

    def holdout(self, normalizar=False, under=False):
    global X_train, y_train, X_test, y_test

    steps = self.norm_under(normalizar, under)
    pipeline = Pipeline(steps=steps)
    pipeline.fit(X_train, y_train)
    pred = pipeline.predict(X_test)
    print(‘Acuracia do {}: {}’ .format(self.name, accuracy_score(y_test, pred)))
    print(‘Média da curva ROC_AUC do {}: {}’ .format(self.name, mean(roc_auc_score(y_test, pred))))
    print(‘F1 score do {}: {}’ .format(self.name, f1_score(y_test, pred, average=’macro’)))
    return pred

    def crossvalidation(self, normalizar=False, under=False):
    global X_train, y_train, X_test, y_test

    steps = self.norm_under(normalizar, under)
    pipeline = Pipeline(steps=steps)
    kfold = StratifiedKFold(n_splits=10, random_state=42)
    scorers = {‘accuracy_score’: make_scorer(accuracy_score),
    ‘roc_auc_score’: make_scorer(roc_auc_score),
    ‘f1_score’: make_scorer(f1_score, average=’macro’)
    }
    resultado = cross_validate(pipeline, X_train, y_train, scoring=scorers, cv=kfold)
    for name in resultado.keys():
    media_scorers = np.average(resultado[name])
    print(‘{} do {}: {}’ .format(name, self.name, media_scorers))

    And when I do this: xxg =
    Classificacao(xgb.XGBClassifier(objective=’binary:logistic’, n_estimator=10, seed=123), ‘XGB’)
    xg.holdout(False, False)

    or this: Classificacao(xgb.XGBClassifier(objective=’binary:logistic’, n_estimator=10, seed=123), ‘XGB’)
    xg.crossvalidation(False, False)

    I get this error message:

    KeyError Traceback (most recent call last)
    /usr/local/lib/python3.6/dist-packages/sklearn/metrics/_scorer.py in _cached_call(cache, estimator, method, *args, **kwargs)
    54 try:
    —> 55 return cache[method]
    56 except KeyError:

    KeyError: ‘predict’

    During handling of the above exception, another exception occurred:

    ValueError Traceback (most recent call last)
    19 frames
    /usr/local/lib/python3.6/dist-packages/xgboost/core.py in _validate_features(self, data)
    1688
    1689 raise ValueError(msg.format(self.feature_names,
    -> 1690 data.feature_names))
    1691
    1692 def get_split_value_histogram(self, feature, fmap=”, bins=None, as_pandas=True):

    ValueError: feature_names mismatch: [‘f0’, ‘f1’, ‘f2’, ‘f3’, ‘f4’, ‘f5’, ‘f6’] [‘step’, ‘amount’, ‘oldbalanceOrg’, ‘newbalanceOrig’, ‘oldbalanceDest’, ‘newbalanceDest’, ‘TRANSFER’]
    expected f1, f6, f3, f2, f0, f4, f5 in input data
    training data did not have the following fields: oldbalanceDest, amount, oldbalanceOrg, step, TRANSFER, newbalanceOrig, newbalanceDest

  64. Avatar
    Sowmya July 10, 2020 at 9:56 pm #

    Thanks for the clear explaination. i am new to Machine learning.
    I created a model with XGBRegressor and trained it. I would like to get the optimal bias and residual for each feature and use it in the front end of my app as linear regression. will that be possible? if so, How can I achieve it.
    Thanks again for your help.

    • Avatar
      Jason Brownlee July 11, 2020 at 6:12 am #

      You’re welcome.

      Sorry, I don’t understand what you mean by ” optimal bias and residual for each feature”, can you elaborate?

  65. Avatar
    Ishita July 17, 2020 at 8:01 pm #

    Hi,
    I really like the way you’ve explained everything but I’m unable to download the dataset. The link is opening the dataset but how do I download it?

    • Avatar
      Jason Brownlee July 18, 2020 at 6:01 am #

      Thanks.

      Perhaps right click the link and choose save as.

  66. Avatar
    Gokul October 4, 2020 at 3:37 pm #

    Can I get the equation of the line if I use XGBoost regressor?

    • Avatar
      Jason Brownlee October 5, 2020 at 6:49 am #

      No, an xgboost cannot be reduced (easily) to an equation. It is a large collection of weighted decision trees.

  67. Avatar
    Ankit January 1, 2021 at 2:10 am #

    if I want to make prediction using xgboost and I have 6 feature as input then what will be user_input command to get on that prediction result?

    model.predict( )

    what can I put inside the paraenthesis?

    I put the feature value in list [0,0,44,18,201,5430]

    model.predict( [0,0,44,18,201,5430])

    but I get error?

    plz give soluton

  68. Avatar
    Priya February 1, 2021 at 8:10 pm #

    Hello sir,
    I am facing problem in installing the XGBoost. I am getting an error ‘sudo is not recognized as an internal and external command’. Can you please help me to rectify this error.

    • Avatar
      Jason Brownlee February 2, 2021 at 5:43 am #

      Perhaps drop the “sudo” if you are on windows.

      • Avatar
        Greg January 25, 2022 at 12:11 am #

        You probably should drop sudo completely because sudo pip can be a security risk.

        • Avatar
          James Carmichael January 25, 2022 at 10:38 am #

          Thank you for the feedback and suggestion Greg!

  69. Avatar
    Jessy February 3, 2021 at 6:03 am #

    Hello Jason! Thank you for the *simple* explanation.

    I’m using XGboost to train a multi-class dataset and I’m getting very poor overall accuracy (70%), However, when using SVM+TFIDF I got a better accuracy of 79%. Is it because of my high vector dimensions ( using tri-grams) ? or maybe parameter tuning? Isn’t XGBoost supposed to perform better or even the same as SVM? but not worse

    • Avatar
      Jason Brownlee February 3, 2021 at 6:28 am #

      You’re welcome!

      Perhaps xgboost is not well suited for your problem?
      Perhaps some data preparation is required?
      Perhaps some model tuning is required?

      • Avatar
        Jessy February 3, 2021 at 7:03 am #

        I’ve done extensive pre-processing but still my problem in overlapping words between my classes. Can you please recommend an algorithm that might help?

        • Avatar
          Jason Brownlee February 3, 2021 at 7:32 am #

          It is hard to know what algorithm will work best for a given dataset, instead, you must use systematic experiments to discover what works best.

  70. Avatar
    Sriram February 28, 2021 at 3:48 am #

    hi Jason, Thank you for this useful article.

    I have been trying to find suitable algorithm/library to implement solution for a learn-to-rank problem wherein the response variable has large values 1..200000 which needs to be ranked/trained.

    I explored a lot on the web and came across options such as RankSVM, LamdaRank, XGBRanker, etc. but only to find that they don’t actually work – either resulting in errors or are hard to implement(i.e., can’t directly adapt to my problem).

    As part of the DMLC implementation I came across the XGBRankerMixIn class. Can this be adapted to my solution ? Or could you suggest suitable references/implementations for my problem ?

    • Avatar
      Jason Brownlee February 28, 2021 at 4:36 am #

      You’re welcome.

      Sorry, I have not used it. I cannot give you good off the cuff advice. Hopefully I can write about the topic in the future.

    • Avatar
      Dinani April 22, 2021 at 5:11 pm #

      Have you found references/implementations for your problem?
      Please let me know if u have some references, I have the same problem

  71. Avatar
    Sriram February 28, 2021 at 5:05 am #

    Ok Jason. Thank you for your quick reply.

  72. Avatar
    Ritwic April 16, 2021 at 3:38 am #

    Hi! thanks for the article.

    I have been doing exactly how you did it in the article. However, in google Colab, the code gets

    from xgboost import XGBClassifier
    xgb1 = XGBClassifier()
    xgb1.fit(X_train,y_train)

    Colab gets stuck on xgb1.fit(X_train,y_train). Will it take a lot of time to train or is there some error. I am getting no errors, it is just executing.

    • Avatar
      Jason Brownlee April 16, 2021 at 5:33 am #

      Perhaps try running the code on your own machine.

  73. Avatar
    Akshar July 8, 2021 at 7:13 pm #

    Hi Jason,

    I have this query regarding “subsample” parameter.

    I ran the the classifier with the default values except “subsample”, which was taken as 0.9. And the accuracy came more than 79%.

    However, upon re-running the same classifier multiple times, the accuracy were varying from 77% to 79% and that is because of the random selection of observations to build a boosting tree based on the subsample value. Correct me if I am wrong here.

    Is there an option to control or giving seed values for XGBoost classifier when we keep subsample value less than 1? We do that in Train_Test_Split.

    Thanks

  74. Avatar
    Aneeta April 7, 2022 at 6:23 pm #

    Hi Jason,
    I run the code on Google Colab. I have installed xgboost and imported the classifier too.
    model = XGBClassifier()
    model.fit(x_train, y_train)
    when i run this code I’m getting the output as XGBClassifier(). I’m not getting any value. Can you please help me out.

    • Avatar
      Adrian Tam April 8, 2022 at 5:29 am #

      Expected. You created model as a XGBClassifier object, then train the model with your data. This object is now having its internal states updated. You need to use it for prediction to generate something useful.

  75. Avatar
    Tony K June 8, 2022 at 6:35 am #

    Hi Jason,

    Thanks for this very helpful tutorial for beginners like me.

    I have a csv file that has 1000 rows of observations with about 200 variables in columns. The last column is a binary outcome (0/1) on whether an outcome event of interest occurred or not.

    The next 200 rows have observations for which I want to predict whether the outcome will happen or not. The outcome column has missing data in those 200 rows.

    In other words, my file is already divided into a training set (rows 1-1000) and the test set (rows 1001-1200). How do I specify this arrangement in XGBoost and get predictions for the last 200 rows? I also need to get the outcome probabilities, not just the rounded values, for each of the 200 last rows.

    Thank you.

    • Avatar
      James Carmichael June 9, 2022 at 9:19 am #

      Hi Tony…You are very welcome! Are you encountering any issues or have a question that we may help address?

  76. Avatar
    Shah July 1, 2022 at 11:09 pm #

    Thanks for the information, how should I change the target prediction, If I want to predict column 20 for example, I have 20 columns and I wanna predict the last column based on the other columns?

  77. Avatar
    deva December 17, 2022 at 10:32 pm #

    thank you, exactly what i was looking for

    • Avatar
      James Carmichael December 18, 2022 at 10:15 am #

      You are very welcome deva! We appreciate the feedback!

Leave a Reply