├── .clang-format ├── .clang-tidy ├── .editorconfig ├── .github ├── FUNDING.yml ├── ISSUE_TEMPLATE.md ├── lock.yml └── workflows │ ├── jvm_tests.yml │ ├── main.yml │ ├── python_tests.yml │ ├── python_wheels.yml │ ├── r_nold.yml │ ├── r_tests.yml │ └── scorecards.yml ├── .gitignore ├── .gitmodules ├── .readthedocs.yaml ├── .travis.yml ├── CITATION ├── CMakeLists.txt ├── CONTRIBUTORS.md ├── LICENSE ├── Makefile ├── NEWS.md ├── R-package ├── .Rbuildignore ├── CMakeLists.txt ├── DESCRIPTION ├── LICENSE ├── NAMESPACE ├── R │ ├── callbacks.R │ ├── utils.R │ ├── xgb.Booster.R │ ├── xgb.DMatrix.R │ ├── xgb.DMatrix.save.R │ ├── xgb.config.R │ ├── xgb.create.features.R │ ├── xgb.cv.R │ ├── xgb.dump.R │ ├── xgb.ggplot.R │ ├── xgb.importance.R │ ├── xgb.load.R │ ├── xgb.load.raw.R │ ├── xgb.model.dt.tree.R │ ├── xgb.plot.deepness.R │ ├── xgb.plot.importance.R │ ├── xgb.plot.multi.trees.R │ ├── xgb.plot.shap.R │ ├── xgb.plot.tree.R │ ├── xgb.save.R │ ├── xgb.save.raw.R │ ├── xgb.serialize.R │ ├── xgb.train.R │ ├── xgb.unserialize.R │ └── xgboost.R ├── README.md ├── cleanup ├── configure ├── configure.ac ├── configure.win ├── data │ ├── agaricus.test.rda │ └── agaricus.train.rda ├── demo │ ├── 00Index │ ├── README.md │ ├── basic_walkthrough.R │ ├── boost_from_prediction.R │ ├── caret_wrapper.R │ ├── create_sparse_matrix.R │ ├── cross_validation.R │ ├── custom_objective.R │ ├── early_stopping.R │ ├── generalized_linear_model.R │ ├── gpu_accelerated.R │ ├── interaction_constraints.R │ ├── poisson_regression.R │ ├── predict_first_ntree.R │ ├── predict_leaf_indices.R │ ├── runall.R │ └── tweedie_regression.R ├── inst │ └── make-r-def.R ├── man │ ├── a-compatibility-note-for-saveRDS-save.Rd │ ├── agaricus.test.Rd │ ├── agaricus.train.Rd │ ├── callbacks.Rd │ ├── cb.cv.predict.Rd │ ├── cb.early.stop.Rd │ ├── cb.evaluation.log.Rd │ ├── cb.gblinear.history.Rd │ ├── cb.print.evaluation.Rd │ ├── cb.reset.parameters.Rd │ ├── cb.save.model.Rd │ ├── dim.xgb.DMatrix.Rd │ ├── dimnames.xgb.DMatrix.Rd │ ├── getinfo.Rd │ ├── normalize.Rd │ ├── predict.xgb.Booster.Rd │ ├── prepare.ggplot.shap.data.Rd │ ├── print.xgb.Booster.Rd │ ├── print.xgb.DMatrix.Rd │ ├── print.xgb.cv.Rd │ ├── setinfo.Rd │ ├── slice.xgb.DMatrix.Rd │ ├── xgb.Booster.complete.Rd │ ├── xgb.DMatrix.Rd │ ├── xgb.DMatrix.save.Rd │ ├── xgb.attr.Rd │ ├── xgb.config.Rd │ ├── xgb.create.features.Rd │ ├── xgb.cv.Rd │ ├── xgb.dump.Rd │ ├── xgb.gblinear.history.Rd │ ├── xgb.importance.Rd │ ├── xgb.load.Rd │ ├── xgb.load.raw.Rd │ ├── xgb.model.dt.tree.Rd │ ├── xgb.parameters.Rd │ ├── xgb.plot.deepness.Rd │ ├── xgb.plot.importance.Rd │ ├── xgb.plot.multi.trees.Rd │ ├── xgb.plot.shap.Rd │ ├── xgb.plot.shap.summary.Rd │ ├── xgb.plot.tree.Rd │ ├── xgb.save.Rd │ ├── xgb.save.raw.Rd │ ├── xgb.serialize.Rd │ ├── xgb.shap.data.Rd │ ├── xgb.train.Rd │ ├── xgb.unserialize.Rd │ ├── xgbConfig.Rd │ └── xgboost-deprecated.Rd ├── remove_warning_suppression_pragma.sh ├── src │ ├── Makevars.in │ ├── Makevars.win │ ├── init.c │ ├── xgboost-win.def │ ├── xgboost_R.cc │ ├── xgboost_R.h │ └── xgboost_custom.cc ├── tests │ ├── helper_scripts │ │ ├── generate_models.R │ │ └── run_lint.R │ ├── testthat.R │ └── testthat │ │ ├── test_basic.R │ │ ├── test_callbacks.R │ │ ├── test_config.R │ │ ├── test_custom_objective.R │ │ ├── test_dmatrix.R │ │ ├── test_feature_weights.R │ │ ├── test_gc_safety.R │ │ ├── test_glm.R │ │ ├── test_helpers.R │ │ ├── test_interaction_constraints.R │ │ ├── test_interactions.R │ │ ├── test_io.R │ │ ├── test_model_compatibility.R │ │ ├── test_monotone.R │ │ ├── test_parameter_exposure.R │ │ ├── test_poisson_regression.R │ │ ├── test_ranking.R │ │ └── test_update.R └── vignettes │ ├── discoverYourData.Rmd │ ├── vignette.css │ ├── xgboost.Rnw │ ├── xgboost.bib │ ├── xgboostPresentation.Rmd │ └── xgboostfromJSON.Rmd ├── README.md ├── SECURITY.md ├── amalgamation └── dmlc-minimum0.cc ├── cmake ├── Doc.cmake ├── FindPrefetchIntrinsics.cmake ├── Python_version.in ├── RPackageInstall.cmake.in ├── RPackageInstallTargetSetup.cmake ├── Sanitizer.cmake ├── Utils.cmake ├── Version.cmake ├── modules │ ├── FindASan.cmake │ ├── FindLSan.cmake │ ├── FindLibR.cmake │ ├── FindNVML.cmake │ ├── FindNVTX.cmake │ ├── FindNccl.cmake │ ├── FindTSan.cmake │ └── FindUBSan.cmake ├── version_config.h.in ├── xgboost-config.cmake.in └── xgboost.pc.in ├── demo ├── .gitignore ├── CLI │ ├── binary_classification │ │ ├── README.md │ │ ├── agaricus-lepiota.data │ │ ├── agaricus-lepiota.fmap │ │ ├── agaricus-lepiota.names │ │ ├── mapfeat.py │ │ ├── mknfold.py │ │ ├── mushroom.conf │ │ └── runexp.sh │ ├── distributed-training │ │ ├── README.md │ │ ├── mushroom.aws.conf │ │ ├── plot_model.ipynb │ │ └── run_aws.sh │ ├── regression │ │ ├── README.md │ │ ├── machine.conf │ │ ├── machine.data │ │ ├── machine.names │ │ ├── mapfeat.py │ │ ├── mknfold.py │ │ └── runexp.sh │ └── yearpredMSD │ │ ├── README.md │ │ ├── csv2libsvm.py │ │ ├── runexp.sh │ │ └── yearpredMSD.conf ├── README.md ├── aft_survival │ ├── README.rst │ ├── aft_survival_demo.py │ ├── aft_survival_demo_with_optuna.py │ └── aft_survival_viz_demo.py ├── c-api │ ├── .gitignore │ ├── CMakeLists.txt │ ├── basic │ │ ├── CMakeLists.txt │ │ ├── Makefile │ │ ├── README.md │ │ └── c-api-demo.c │ ├── external-memory │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ └── external_memory.c │ └── inference │ │ ├── CMakeLists.txt │ │ └── inference.c ├── dask │ ├── README.rst │ ├── cpu_survival.py │ ├── cpu_training.py │ ├── dask_callbacks.py │ ├── gpu_training.py │ ├── sklearn_cpu_training.py │ └── sklearn_gpu_training.py ├── data │ ├── README.md │ ├── agaricus.txt.test │ ├── agaricus.txt.train │ ├── featmap.txt │ ├── gen_autoclaims.R │ └── veterans_lung_cancer.csv ├── gpu_acceleration │ ├── README.md │ ├── cover_type.py │ └── shap.ipynb ├── guide-python │ ├── README.rst │ ├── basic_walkthrough.py │ ├── boost_from_prediction.py │ ├── callbacks.py │ ├── cat_in_the_dat.py │ ├── categorical.py │ ├── continuation.py │ ├── cross_validation.py │ ├── custom_rmsle.py │ ├── custom_softmax.py │ ├── evals_result.py │ ├── external_memory.py │ ├── feature_weights.py │ ├── gamma_regression.py │ ├── generalized_linear_model.py │ ├── multioutput_regression.py │ ├── predict_first_ntree.py │ ├── predict_leaf_indices.py │ ├── quantile_data_iterator.py │ ├── sklearn_evals_result.py │ ├── sklearn_examples.py │ ├── sklearn_parallel.py │ ├── spark_estimator_examples.py │ └── update_process.py ├── json-model │ ├── README.md │ └── json_parser.py ├── kaggle-higgs │ ├── README.md │ ├── higgs-cv.py │ ├── higgs-numpy.py │ ├── higgs-pred.R │ ├── higgs-pred.py │ ├── higgs-train.R │ ├── run.sh │ ├── speedtest.R │ └── speedtest.py ├── kaggle-otto │ ├── README.MD │ ├── otto_train_pred.R │ └── understandingXGBoostModel.Rmd ├── multiclass_classification │ ├── README.md │ ├── runexp.sh │ ├── train.R │ └── train.py ├── nvflare │ ├── README.md │ ├── config │ │ ├── config_fed_client.json │ │ └── config_fed_server.json │ ├── custom │ │ ├── controller.py │ │ └── trainer.py │ └── prepare_data.sh ├── rank │ ├── README.md │ ├── mq2008.conf │ ├── rank.py │ ├── rank_sklearn.py │ ├── runexp.sh │ ├── trans_data.py │ └── wgetdata.sh └── rmm_plugin │ ├── README.md │ ├── rmm_mgpu_with_dask.py │ └── rmm_singlegpu.py ├── dev ├── prepare_jvm_release.py ├── query_contributors.py ├── release-py-r.py └── release-tarball.sh ├── doc ├── .gitignore ├── Doxyfile.in ├── Makefile ├── R-package │ ├── .gitignore │ ├── Makefile │ ├── discoverYourData.md │ ├── index.rst │ └── xgboostPresentation.md ├── README ├── _static │ ├── cn.svg │ ├── custom.css │ ├── js │ │ └── auto_module_index.js │ └── us.svg ├── build.rst ├── c++.rst ├── c.rst ├── cli.rst ├── conf.py ├── contrib │ ├── ci.rst │ ├── coding_guide.rst │ ├── community.rst │ ├── docs.rst │ ├── donate.rst │ ├── git_guide.rst │ ├── index.rst │ ├── release.rst │ └── unit_tests.rst ├── dump.schema ├── faq.rst ├── get_started.rst ├── gpu │ └── index.rst ├── index.rst ├── install.rst ├── julia.rst ├── jvm │ ├── index.rst │ ├── java_intro.rst │ ├── javadocs │ │ └── index.rst │ ├── scaladocs │ │ ├── xgboost4j-flink │ │ │ └── index.rst │ │ ├── xgboost4j-spark │ │ │ └── index.rst │ │ └── xgboost4j │ │ │ └── index.rst │ ├── xgboost4j_spark_gpu_tutorial.rst │ └── xgboost4j_spark_tutorial.rst ├── model.schema ├── parameter.rst ├── prediction.rst ├── python │ ├── .gitignore │ ├── callbacks.rst │ ├── index.rst │ ├── model.rst │ ├── python_api.rst │ └── python_intro.rst ├── requirements.txt ├── sphinx_util.py ├── treemethod.rst ├── tutorials │ ├── aft_survival_analysis.rst │ ├── aws_yarn.rst │ ├── c_api_tutorial.rst │ ├── categorical.rst │ ├── custom_metric_obj.rst │ ├── dart.rst │ ├── dask.rst │ ├── external_memory.rst │ ├── feature_interaction_constraint.rst │ ├── index.rst │ ├── input_format.rst │ ├── kubernetes.rst │ ├── model.rst │ ├── monotonic.rst │ ├── multioutput.rst │ ├── param_tuning.rst │ ├── ray.rst │ ├── rf.rst │ ├── saving_model.rst │ └── spark_estimator.rst └── xgboost_doc.yml ├── include └── xgboost │ ├── base.h │ ├── c_api.h │ ├── collective │ └── socket.h │ ├── data.h │ ├── feature_map.h │ ├── gbm.h │ ├── generic_parameters.h │ ├── global_config.h │ ├── host_device_vector.h │ ├── intrusive_ptr.h │ ├── json.h │ ├── json_io.h │ ├── learner.h │ ├── linalg.h │ ├── linear_updater.h │ ├── logging.h │ ├── metric.h │ ├── model.h │ ├── objective.h │ ├── parameter.h │ ├── predictor.h │ ├── span.h │ ├── string_view.h │ ├── task.h │ ├── tree_model.h │ ├── tree_updater.h │ └── version_config.h ├── jvm-packages ├── .gitignore ├── CMakeLists.txt ├── README.md ├── checkstyle-suppressions.xml ├── checkstyle.xml ├── create_jni.py ├── dev │ ├── .gitattributes │ ├── .gitignore │ ├── Dockerfile │ ├── build-linux.cmd │ ├── build-linux.sh │ ├── change_version.sh │ └── package-linux.sh ├── pom.xml ├── scalastyle-config.xml ├── xgboost4j-example │ ├── LICENSE │ ├── README.md │ ├── pom.xml │ └── src │ │ └── main │ │ ├── java │ │ └── ml │ │ │ └── dmlc │ │ │ └── xgboost4j │ │ │ └── java │ │ │ └── example │ │ │ ├── BasicWalkThrough.java │ │ │ ├── BoostFromPrediction.java │ │ │ ├── CrossValidation.java │ │ │ ├── CustomObjective.java │ │ │ ├── EarlyStopping.java │ │ │ ├── ExternalMemory.java │ │ │ ├── GeneralizedLinearModel.java │ │ │ ├── PredictFirstNtree.java │ │ │ ├── PredictLeafIndices.java │ │ │ └── util │ │ │ ├── CustomEval.java │ │ │ └── DataLoader.java │ │ └── scala │ │ └── ml │ │ └── dmlc │ │ └── xgboost4j │ │ └── scala │ │ └── example │ │ ├── BasicWalkThrough.scala │ │ ├── BoostFromPrediction.scala │ │ ├── CrossValidation.scala │ │ ├── CustomObjective.scala │ │ ├── ExternalMemory.scala │ │ ├── GeneralizedLinearModel.scala │ │ ├── PredictFirstNTree.scala │ │ ├── PredictLeafIndices.scala │ │ ├── flink │ │ └── DistTrainWithFlink.scala │ │ ├── spark │ │ ├── SparkMLlibPipeline.scala │ │ └── SparkTraining.scala │ │ └── util │ │ └── CustomEval.scala ├── xgboost4j-flink │ ├── pom.xml │ └── src │ │ └── main │ │ └── scala │ │ └── ml │ │ └── dmlc │ │ └── xgboost4j │ │ └── scala │ │ └── flink │ │ ├── XGBoost.scala │ │ └── XGBoostModel.scala ├── xgboost4j-gpu │ ├── pom.xml │ └── src │ │ ├── main │ │ ├── java │ │ │ └── ml │ │ │ │ └── dmlc │ │ │ │ └── xgboost4j │ │ │ │ ├── gpu │ │ │ │ └── java │ │ │ │ │ ├── CudfColumn.java │ │ │ │ │ ├── CudfColumnBatch.java │ │ │ │ │ └── CudfUtils.java │ │ │ │ └── java │ │ ├── resources │ │ │ └── xgboost4j-version.properties │ │ └── scala │ │ ├── native │ │ ├── jvm_utils.h │ │ ├── xgboost4j-gpu.cpp │ │ └── xgboost4j-gpu.cu │ │ └── test │ │ ├── java │ │ └── ml │ │ │ └── dmlc │ │ │ └── xgboost4j │ │ │ └── gpu │ │ │ └── java │ │ │ ├── BoosterTest.java │ │ │ └── DMatrixTest.java │ │ └── scala │ │ └── ml │ │ └── dmlc │ │ └── xgboost4j │ │ └── scala │ │ └── DeviceQuantileDMatrixSuite.scala ├── xgboost4j-spark-gpu │ ├── pom.xml │ └── src │ │ ├── main │ │ ├── java │ │ │ └── ml │ │ │ │ └── dmlc │ │ │ │ └── xgboost4j │ │ │ │ └── java │ │ │ │ └── nvidia │ │ │ │ └── spark │ │ │ │ └── GpuColumnBatch.java │ │ ├── resources │ │ │ └── META-INF │ │ │ │ └── services │ │ │ │ └── ml.dmlc.xgboost4j.scala.spark.PreXGBoostProvider │ │ └── scala │ │ │ ├── ml │ │ │ └── dmlc │ │ │ │ └── xgboost4j │ │ │ │ └── scala │ │ │ │ ├── rapids │ │ │ │ └── spark │ │ │ │ │ ├── GpuPreXGBoost.scala │ │ │ │ │ └── GpuUtils.scala │ │ │ │ └── spark │ │ │ └── org │ │ └── test │ │ ├── resources │ │ └── scala │ │ └── ml │ │ └── dmlc │ │ └── xgboost4j │ │ └── scala │ │ └── rapids │ │ └── spark │ │ ├── GpuTestSuite.scala │ │ ├── GpuXGBoostClassifierSuite.scala │ │ ├── GpuXGBoostGeneralSuite.scala │ │ └── GpuXGBoostRegressorSuite.scala ├── xgboost4j-spark │ ├── pom.xml │ └── src │ │ ├── main │ │ └── scala │ │ │ ├── ml │ │ │ └── dmlc │ │ │ │ └── xgboost4j │ │ │ │ └── scala │ │ │ │ └── spark │ │ │ │ ├── PreXGBoost.scala │ │ │ │ ├── PreXGBoostProvider.scala │ │ │ │ ├── XGBoost.scala │ │ │ │ ├── XGBoostClassifier.scala │ │ │ │ ├── XGBoostRegressor.scala │ │ │ │ ├── XGBoostTrainingSummary.scala │ │ │ │ ├── package.scala │ │ │ │ ├── params │ │ │ │ ├── BoosterParams.scala │ │ │ │ ├── CustomParams.scala │ │ │ │ ├── GeneralParams.scala │ │ │ │ ├── InferenceParams.scala │ │ │ │ ├── LearningTaskParams.scala │ │ │ │ ├── NonParamVariables.scala │ │ │ │ ├── RabitParams.scala │ │ │ │ └── XGBoostEstimatorCommon.scala │ │ │ │ └── util │ │ │ │ ├── DataUtils.scala │ │ │ │ └── Utils.scala │ │ │ └── org │ │ │ └── apache │ │ │ └── spark │ │ │ └── ml │ │ │ ├── linalg │ │ │ └── xgboost │ │ │ │ └── XGBoostSchemaUtils.scala │ │ │ └── util │ │ │ ├── XGBoostReadWrite.scala │ │ │ └── XGBoostSchemaUtils.scala │ │ └── test │ │ ├── resources │ │ ├── dermatology.data │ │ ├── log4j.properties │ │ ├── model │ │ │ └── 0.82 │ │ │ │ └── model │ │ │ │ ├── data │ │ │ │ └── XGBoostClassificationModel │ │ │ │ └── metadata │ │ │ │ ├── _SUCCESS │ │ │ │ └── part-00000 │ │ ├── rank.test.csv │ │ ├── rank.test.txt │ │ └── rank.train.csv │ │ └── scala │ │ └── ml │ │ └── dmlc │ │ └── xgboost4j │ │ └── scala │ │ └── spark │ │ ├── CommunicatorRobustnessSuite.scala │ │ ├── CustomObj.scala │ │ ├── DeterministicPartitioningSuite.scala │ │ ├── EvalError.scala │ │ ├── ExternalCheckpointManagerSuite.scala │ │ ├── FeatureSizeValidatingSuite.scala │ │ ├── MissingValueHandlingSuite.scala │ │ ├── ParameterSuite.scala │ │ ├── PerTest.scala │ │ ├── PersistenceSuite.scala │ │ ├── TmpFolderPerSuite.scala │ │ ├── TrainTestData.scala │ │ ├── XGBoostClassifierSuite.scala │ │ ├── XGBoostCommunicatorRegressionSuite.scala │ │ ├── XGBoostConfigureSuite.scala │ │ ├── XGBoostGeneralSuite.scala │ │ └── XGBoostRegressorSuite.scala ├── xgboost4j-tester │ ├── generate_pom.py │ ├── get_iris.py │ └── src │ │ ├── main │ │ └── java │ │ │ └── ml │ │ │ └── dmlc │ │ │ └── xgboost4j │ │ │ └── tester │ │ │ └── App.java │ │ └── test │ │ └── java │ │ └── ml │ │ └── dmlc │ │ └── xgboost4j │ │ └── tester │ │ └── AppTest.java └── xgboost4j │ ├── LICENSE │ ├── pom.xml │ └── src │ ├── main │ ├── java │ │ └── ml │ │ │ └── dmlc │ │ │ └── xgboost4j │ │ │ └── java │ │ │ ├── Booster.java │ │ │ ├── Column.java │ │ │ ├── ColumnBatch.java │ │ │ ├── Communicator.java │ │ │ ├── DMatrix.java │ │ │ ├── DataBatch.java │ │ │ ├── DeviceQuantileDMatrix.java │ │ │ ├── ExternalCheckpointManager.java │ │ │ ├── IEvaluation.java │ │ │ ├── IObjective.java │ │ │ ├── IRabitTracker.java │ │ │ ├── NativeLibLoader.java │ │ │ ├── RabitTracker.java │ │ │ ├── TrackerProperties.java │ │ │ ├── XGBoost.java │ │ │ ├── XGBoostError.java │ │ │ ├── XGBoostJNI.java │ │ │ └── util │ │ │ ├── BigDenseMatrix.java │ │ │ └── UtilUnsafe.java │ ├── resources │ │ └── xgboost4j-version.properties │ └── scala │ │ └── ml │ │ └── dmlc │ │ └── xgboost4j │ │ ├── LabeledPoint.scala │ │ └── scala │ │ ├── Booster.scala │ │ ├── DMatrix.scala │ │ ├── DeviceQuantileDMatrix.scala │ │ ├── EvalTrait.scala │ │ ├── ExternalCheckpointManager.scala │ │ ├── ObjectiveTrait.scala │ │ ├── XGBoost.scala │ │ └── rabit │ │ ├── RabitTracker.scala │ │ ├── handler │ │ ├── RabitTrackerHandler.scala │ │ └── RabitWorkerHandler.scala │ │ └── util │ │ ├── LinkMap.scala │ │ └── RabitTrackerHelpers.scala │ ├── native │ ├── xgboost4j.cpp │ └── xgboost4j.h │ └── test │ ├── java │ └── ml │ │ └── dmlc │ │ └── xgboost4j │ │ └── java │ │ ├── ArchDetectionTest.java │ │ ├── BoosterImplTest.java │ │ ├── DMatrixTest.java │ │ ├── LibraryPathProviderTest.java │ │ └── OsDetectionTest.java │ └── scala │ └── ml │ └── dmlc │ └── xgboost4j │ └── scala │ ├── DMatrixSuite.scala │ ├── ScalaBoosterImplSuite.scala │ └── rabit │ └── RabitTrackerConnectionHandlerTest.scala ├── plugin ├── CMakeLists.txt ├── README.md ├── dense_parser │ └── dense_libsvm.cc ├── example │ ├── README.md │ └── custom_obj.cc ├── federated │ ├── CMakeLists.txt │ ├── README.md │ ├── federated.proto │ ├── federated_client.h │ ├── federated_communicator.h │ ├── federated_server.cc │ └── federated_server.h ├── updater_gpu │ └── README.md └── updater_oneapi │ ├── README.md │ ├── predictor_oneapi.cc │ ├── regression_loss_oneapi.h │ └── regression_obj_oneapi.cc ├── python-package ├── .gitignore ├── .pylintrc ├── MANIFEST.in ├── README.rst ├── setup.cfg ├── setup.py └── xgboost │ ├── VERSION │ ├── __init__.py │ ├── _typing.py │ ├── callback.py │ ├── collective.py │ ├── compat.py │ ├── config.py │ ├── core.py │ ├── dask.py │ ├── data.py │ ├── federated.py │ ├── libpath.py │ ├── plotting.py │ ├── py.typed │ ├── rabit.py │ ├── sklearn.py │ ├── spark │ ├── __init__.py │ ├── core.py │ ├── data.py │ ├── estimator.py │ ├── model.py │ ├── params.py │ └── utils.py │ ├── testing.py │ ├── tracker.py │ └── training.py ├── rabit ├── .gitignore ├── CMakeLists.txt ├── LICENSE ├── README.md ├── doc │ ├── .gitignore │ ├── Doxyfile │ ├── Makefile │ ├── conf.py │ ├── cpp_api.md │ ├── guide.md │ ├── index.md │ ├── parameters.md │ ├── python-requirements.txt │ ├── python_api.md │ └── sphinx_util.py ├── guide │ ├── Makefile │ ├── README │ ├── basic.cc │ ├── basic.py │ ├── broadcast.cc │ ├── broadcast.py │ ├── lazy_allreduce.cc │ └── lazy_allreduce.py ├── include │ └── rabit │ │ ├── base.h │ │ ├── c_api.h │ │ ├── internal │ │ ├── engine.h │ │ ├── io.h │ │ ├── rabit-inl.h │ │ ├── socket.h │ │ └── utils.h │ │ ├── rabit.h │ │ └── serializable.h └── src │ ├── allreduce_base.cc │ ├── allreduce_base.h │ ├── allreduce_mock.h │ ├── engine.cc │ ├── engine_mock.cc │ ├── engine_mpi.cc │ └── rabit_c_api.cc ├── src ├── CMakeLists.txt ├── c_api │ ├── c_api.cc │ ├── c_api.cu │ ├── c_api_error.cc │ ├── c_api_error.h │ └── c_api_utils.h ├── cli_main.cc ├── collective │ ├── communicator-inl.h │ ├── communicator.cc │ ├── communicator.cu │ ├── communicator.h │ ├── device_communicator.cuh │ ├── device_communicator_adapter.cuh │ ├── nccl_device_communicator.cuh │ ├── noop_communicator.h │ ├── rabit_communicator.h │ └── socket.cc ├── common │ ├── algorithm.cuh │ ├── algorithm.h │ ├── base64.h │ ├── bitfield.h │ ├── categorical.h │ ├── charconv.cc │ ├── charconv.h │ ├── column_matrix.cc │ ├── column_matrix.h │ ├── common.cc │ ├── common.cu │ ├── common.h │ ├── compressed_iterator.h │ ├── config.h │ ├── cuda_pinned_allocator.h │ ├── device_helpers.cuh │ ├── group_data.h │ ├── hist_util.cc │ ├── hist_util.cu │ ├── hist_util.cuh │ ├── hist_util.h │ ├── host_device_vector.cc │ ├── host_device_vector.cu │ ├── io.cc │ ├── io.h │ ├── json.cc │ ├── linalg_op.cuh │ ├── linalg_op.h │ ├── math.h │ ├── numeric.cc │ ├── numeric.cu │ ├── numeric.h │ ├── observer.h │ ├── partition_builder.h │ ├── probability_distribution.h │ ├── pseudo_huber.cc │ ├── pseudo_huber.h │ ├── quantile.cc │ ├── quantile.cu │ ├── quantile.cuh │ ├── quantile.h │ ├── random.cc │ ├── random.h │ ├── ranking_utils.cuh │ ├── row_set.h │ ├── stats.cu │ ├── stats.cuh │ ├── stats.h │ ├── survival_util.cc │ ├── survival_util.h │ ├── threading_utils.cc │ ├── threading_utils.h │ ├── timer.cc │ ├── timer.h │ ├── transform.h │ ├── version.cc │ └── version.h ├── data │ ├── adapter.h │ ├── array_interface.cu │ ├── array_interface.h │ ├── arrow-cdi.h │ ├── data.cc │ ├── data.cu │ ├── device_adapter.cuh │ ├── ellpack_page.cc │ ├── ellpack_page.cu │ ├── ellpack_page.cuh │ ├── ellpack_page_raw_format.cu │ ├── ellpack_page_source.cu │ ├── ellpack_page_source.h │ ├── file_iterator.h │ ├── gradient_index.cc │ ├── gradient_index.cu │ ├── gradient_index.h │ ├── gradient_index_format.cc │ ├── gradient_index_page_source.cc │ ├── gradient_index_page_source.h │ ├── histogram_cut_format.h │ ├── iterative_dmatrix.cc │ ├── iterative_dmatrix.cu │ ├── iterative_dmatrix.h │ ├── proxy_dmatrix.cc │ ├── proxy_dmatrix.cu │ ├── proxy_dmatrix.cuh │ ├── proxy_dmatrix.h │ ├── simple_batch_iterator.h │ ├── simple_dmatrix.cc │ ├── simple_dmatrix.cu │ ├── simple_dmatrix.cuh │ ├── simple_dmatrix.h │ ├── sparse_page_dmatrix.cc │ ├── sparse_page_dmatrix.cu │ ├── sparse_page_dmatrix.h │ ├── sparse_page_raw_format.cc │ ├── sparse_page_source.cu │ ├── sparse_page_source.h │ ├── sparse_page_writer.h │ └── validation.h ├── gbm │ ├── gblinear.cc │ ├── gblinear_model.cc │ ├── gblinear_model.h │ ├── gbm.cc │ ├── gbtree.cc │ ├── gbtree.cu │ ├── gbtree.h │ ├── gbtree_model.cc │ └── gbtree_model.h ├── global_config.cc ├── learner.cc ├── linear │ ├── coordinate_common.h │ ├── linear_updater.cc │ ├── param.h │ ├── updater_coordinate.cc │ ├── updater_gpu_coordinate.cu │ └── updater_shotgun.cc ├── logging.cc ├── metric │ ├── auc.cc │ ├── auc.cu │ ├── auc.h │ ├── elementwise_metric.cc │ ├── elementwise_metric.cu │ ├── metric.cc │ ├── metric_common.h │ ├── multiclass_metric.cc │ ├── multiclass_metric.cu │ ├── rank_metric.cc │ ├── rank_metric.cu │ ├── survival_metric.cc │ └── survival_metric.cu ├── objective │ ├── adaptive.cc │ ├── adaptive.cu │ ├── adaptive.h │ ├── aft_obj.cc │ ├── aft_obj.cu │ ├── hinge.cc │ ├── hinge.cu │ ├── multiclass_obj.cc │ ├── multiclass_obj.cu │ ├── objective.cc │ ├── rank_obj.cc │ ├── rank_obj.cu │ ├── regression_loss.h │ ├── regression_obj.cc │ └── regression_obj.cu ├── predictor │ ├── cpu_predictor.cc │ ├── gpu_predictor.cu │ ├── predict_fn.h │ └── predictor.cc └── tree │ ├── common_row_partitioner.h │ ├── constraints.cc │ ├── constraints.cu │ ├── constraints.cuh │ ├── constraints.h │ ├── driver.h │ ├── gpu_hist │ ├── evaluate_splits.cu │ ├── evaluate_splits.cuh │ ├── evaluator.cu │ ├── expand_entry.cuh │ ├── feature_groups.cu │ ├── feature_groups.cuh │ ├── gradient_based_sampler.cu │ ├── gradient_based_sampler.cuh │ ├── histogram.cu │ ├── histogram.cuh │ ├── row_partitioner.cu │ └── row_partitioner.cuh │ ├── hist │ ├── evaluate_splits.h │ ├── expand_entry.h │ └── histogram.h │ ├── param.cc │ ├── param.h │ ├── split_evaluator.h │ ├── tree_model.cc │ ├── tree_updater.cc │ ├── updater_approx.cc │ ├── updater_colmaker.cc │ ├── updater_gpu_common.cuh │ ├── updater_gpu_hist.cu │ ├── updater_prune.cc │ ├── updater_quantile_hist.cc │ ├── updater_quantile_hist.h │ ├── updater_refresh.cc │ └── updater_sync.cc └── tests ├── README.md ├── benchmark ├── benchmark_linear.py ├── benchmark_tree.py └── generate_libsvm.py ├── buildkite ├── build-containers.sh ├── build-cpu-arm64.sh ├── build-cpu.sh ├── build-cuda-with-rmm.sh ├── build-cuda.sh ├── build-gpu-rpkg.sh ├── build-jvm-doc.sh ├── build-jvm-packages-gpu.sh ├── build-jvm-packages.sh ├── build-rpkg-win64-gpu.ps1 ├── build-win64-gpu.ps1 ├── conftest.ps1 ├── conftest.sh ├── deploy-jvm-packages.sh ├── enforce_daily_budget.py ├── enforce_daily_budget.sh ├── infrastructure │ ├── aws-stack-creator │ │ ├── agent-iam-policy-template.yml │ │ ├── create_stack.py │ │ └── metadata.py │ ├── common_blocks │ │ └── utils.py │ ├── requirements.txt │ ├── service-user │ │ ├── create_service_user.py │ │ └── service-user-template.yml │ └── worker-image-pipeline │ │ ├── create_worker_image_pipelines.py │ │ ├── ec2-image-builder-pipeline-template.yml │ │ ├── linux-amd64-gpu-bootstrap.yml │ │ ├── metadata.py │ │ ├── run_pipelines.py │ │ └── windows-gpu-bootstrap.yml ├── pipeline-mgpu.yml ├── pipeline-win64.yml ├── pipeline.yml ├── run-clang-tidy.sh ├── test-cpp-gpu.sh ├── test-integration-jvm-packages.sh ├── test-python-cpu-arm64.sh ├── test-python-cpu.sh ├── test-python-gpu.sh └── test-win64-gpu.ps1 ├── ci_build ├── Dockerfile.aarch64 ├── Dockerfile.auditwheel_x86_64 ├── Dockerfile.clang_tidy ├── Dockerfile.cpu ├── Dockerfile.gpu ├── Dockerfile.gpu_build_centos7 ├── Dockerfile.gpu_build_r_centos7 ├── Dockerfile.gpu_jvm ├── Dockerfile.jvm ├── Dockerfile.jvm_cross ├── Dockerfile.jvm_gpu_build ├── Dockerfile.rmm ├── Dockerfile.s390x ├── build_jvm_doc.sh ├── build_jvm_packages.sh ├── build_mock_cmake.sh ├── build_python_wheels.sh ├── build_r_pkg_with_cuda.sh ├── build_r_pkg_with_cuda_win64.sh ├── build_via_cmake.sh ├── ci_build.sh ├── conda_env │ ├── aarch64_test.yml │ ├── cpp_test.yml │ ├── cpu_test.yml │ ├── macos_cpu_test.yml │ ├── python_lint.yml │ ├── sdist_test.yml │ ├── win64_cpu_test.yml │ └── win64_test.yml ├── deploy_jvm_packages.sh ├── entrypoint.sh ├── initialize_maven.sh ├── insert_vcomp140.py ├── jenkins_tools.Groovy ├── lint_python.py ├── print_r_stacktrace.sh ├── prune_libnccl.sh ├── rename_whl.py ├── test_jvm_cross.sh ├── test_python.sh ├── test_r_package.py ├── test_tidy.cc ├── test_utils.py ├── tidy.py └── verify_link.sh ├── cli └── machine.conf.in ├── cpp ├── CMakeLists.txt ├── c_api │ └── test_c_api.cc ├── categorical_helpers.h ├── collective │ ├── test_communicator.cc │ ├── test_nccl_device_communicator.cu │ ├── test_rabit_communicator.cc │ └── test_socket.cc ├── common │ ├── test_bitfield.cc │ ├── test_bitfield.cu │ ├── test_categorical.cc │ ├── test_charconv.cc │ ├── test_column_matrix.cc │ ├── test_common.cc │ ├── test_compressed_iterator.cc │ ├── test_config.cc │ ├── test_device_helpers.cu │ ├── test_gpu_compressed_iterator.cu │ ├── test_group_data.cc │ ├── test_hist_util.cc │ ├── test_hist_util.cu │ ├── test_hist_util.h │ ├── test_host_device_vector.cu │ ├── test_intrusive_ptr.cc │ ├── test_io.cc │ ├── test_json.cc │ ├── test_linalg.cc │ ├── test_linalg.cu │ ├── test_monitor.cc │ ├── test_numeric.cc │ ├── test_parameter.cc │ ├── test_partition_builder.cc │ ├── test_probability_distribution.cc │ ├── test_quantile.cc │ ├── test_quantile.cu │ ├── test_quantile.h │ ├── test_random.cc │ ├── test_ranking_utils.cu │ ├── test_span.cc │ ├── test_span.cu │ ├── test_span.h │ ├── test_stats.cc │ ├── test_stats.cu │ ├── test_string_view.cc │ ├── test_survival_util.cc │ ├── test_threading_utils.cc │ ├── test_transform_range.cc │ └── test_version.cc ├── data │ ├── test_adapter.cc │ ├── test_array_interface.cc │ ├── test_array_interface.cu │ ├── test_array_interface.h │ ├── test_data.cc │ ├── test_device_adapter.cu │ ├── test_ellpack_page.cu │ ├── test_ellpack_page_raw_format.cu │ ├── test_file_iterator.cc │ ├── test_gradient_index.cc │ ├── test_gradient_index_page_raw_format.cc │ ├── test_iterative_dmatrix.cc │ ├── test_iterative_dmatrix.cu │ ├── test_iterative_dmatrix.h │ ├── test_metainfo.cc │ ├── test_metainfo.cu │ ├── test_metainfo.h │ ├── test_proxy_dmatrix.cc │ ├── test_proxy_dmatrix.cu │ ├── test_simple_dmatrix.cc │ ├── test_simple_dmatrix.cu │ ├── test_sparse_page_dmatrix.cc │ ├── test_sparse_page_dmatrix.cu │ └── test_sparse_page_raw_format.cc ├── filesystem.h ├── gbm │ ├── test_gblinear.cc │ └── test_gbtree.cc ├── helpers.cc ├── helpers.cu ├── helpers.h ├── histogram_helpers.h ├── linear │ ├── test_json_io.h │ ├── test_linear.cc │ └── test_linear.cu ├── metric │ ├── test_auc.cc │ ├── test_auc.cu │ ├── test_elementwise_metric.cc │ ├── test_elementwise_metric.cu │ ├── test_metric.cc │ ├── test_multiclass_metric.cc │ ├── test_multiclass_metric.cu │ ├── test_rank_metric.cc │ ├── test_rank_metric.cu │ ├── test_survival_metric.cc │ └── test_survival_metric.cu ├── objective │ ├── test_aft_obj.cc │ ├── test_aft_obj.cu │ ├── test_hinge.cc │ ├── test_hinge.cu │ ├── test_multiclass_obj.cc │ ├── test_multiclass_obj_gpu.cu │ ├── test_objective.cc │ ├── test_ranking_obj.cc │ ├── test_ranking_obj_gpu.cu │ ├── test_regression_obj.cc │ └── test_regression_obj_gpu.cu ├── plugin │ ├── helpers.cc │ ├── helpers.h │ ├── test_example_objective.cc │ ├── test_federated_adapter.cu │ ├── test_federated_communicator.cc │ ├── test_federated_server.cc │ ├── test_predictor_oneapi.cc │ └── test_regression_obj_oneapi.cc ├── predictor │ ├── test_cpu_predictor.cc │ ├── test_gpu_predictor.cu │ ├── test_predictor.cc │ └── test_predictor.h ├── rabit │ ├── allreduce_base_test.cc │ └── test_utils.cc ├── test_global_config.cc ├── test_helpers.cc ├── test_learner.cc ├── test_logging.cc ├── test_main.cc ├── test_serialization.cc └── tree │ ├── gpu_hist │ ├── test_driver.cu │ ├── test_evaluate_splits.cu │ ├── test_gradient_based_sampler.cu │ ├── test_histogram.cu │ └── test_row_partitioner.cu │ ├── hist │ ├── test_evaluate_splits.cc │ └── test_histogram.cc │ ├── test_approx.cc │ ├── test_constraints.cc │ ├── test_constraints.cu │ ├── test_evaluate_splits.h │ ├── test_gpu_hist.cu │ ├── test_histmaker.cc │ ├── test_node_partition.cc │ ├── test_param.cc │ ├── test_partitioner.h │ ├── test_prediction_cache.cc │ ├── test_prune.cc │ ├── test_quantile_hist.cc │ ├── test_refresh.cc │ ├── test_regen.cc │ ├── test_tree_model.cc │ ├── test_tree_policy.cc │ └── test_tree_stat.cc ├── distributed ├── runtests-federated.sh └── test_federated.py ├── pytest.ini ├── python-gpu ├── conftest.py ├── load_pickle.py ├── test_device_quantile_dmatrix.py ├── test_from_cudf.py ├── test_from_cupy.py ├── test_gpu_basic_models.py ├── test_gpu_data_iterator.py ├── test_gpu_demos.py ├── test_gpu_eval_metrics.py ├── test_gpu_interaction_constraints.py ├── test_gpu_linear.py ├── test_gpu_parse_tree.py ├── test_gpu_pickling.py ├── test_gpu_plotting.py ├── test_gpu_prediction.py ├── test_gpu_ranking.py ├── test_gpu_spark │ ├── discover_gpu.sh │ ├── test_data.py │ └── test_gpu_spark.py ├── test_gpu_training_continuation.py ├── test_gpu_updaters.py ├── test_gpu_with_dask │ └── test_gpu_with_dask.py ├── test_gpu_with_sklearn.py ├── test_large_input.py └── test_monotonic_constraints.py └── python ├── generate_models.py ├── test_basic.py ├── test_basic_models.py ├── test_callback.py ├── test_cli.py ├── test_collective.py ├── test_config.py ├── test_data_iterator.py ├── test_demos.py ├── test_dmatrix.py ├── test_dt.py ├── test_early_stopping.py ├── test_eval_metrics.py ├── test_interaction_constraints.py ├── test_linear.py ├── test_model_compatibility.py ├── test_monotone_constraints.py ├── test_openmp.py ├── test_parse_tree.py ├── test_pickling.py ├── test_plotting.py ├── test_predict.py ├── test_quantile_dmatrix.py ├── test_ranking.py ├── test_shap.py ├── test_spark ├── __init__.py ├── test_data.py ├── test_spark_local.py ├── test_spark_local_cluster.py └── utils.py ├── test_survival.py ├── test_tracker.py ├── test_training_continuation.py ├── test_tree_regularization.py ├── test_updaters.py ├── test_with_arrow.py ├── test_with_dask.py ├── test_with_modin.py ├── test_with_pandas.py ├── test_with_shap.py ├── test_with_sklearn.py ├── testing.py └── with_omp_limit.py /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.clang-format -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.editorconfig: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.editorconfig -------------------------------------------------------------------------------- /.github/FUNDING.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/FUNDING.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /.github/lock.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/lock.yml -------------------------------------------------------------------------------- /.github/workflows/jvm_tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/workflows/jvm_tests.yml -------------------------------------------------------------------------------- /.github/workflows/main.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/workflows/main.yml -------------------------------------------------------------------------------- /.github/workflows/python_tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/workflows/python_tests.yml -------------------------------------------------------------------------------- /.github/workflows/python_wheels.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/workflows/python_wheels.yml -------------------------------------------------------------------------------- /.github/workflows/r_nold.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/workflows/r_nold.yml -------------------------------------------------------------------------------- /.github/workflows/r_tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/workflows/r_tests.yml -------------------------------------------------------------------------------- /.github/workflows/scorecards.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.github/workflows/scorecards.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.gitmodules -------------------------------------------------------------------------------- /.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.readthedocs.yaml -------------------------------------------------------------------------------- /.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/.travis.yml -------------------------------------------------------------------------------- /CITATION: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/CITATION -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CONTRIBUTORS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/CONTRIBUTORS.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/Makefile -------------------------------------------------------------------------------- /NEWS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/NEWS.md -------------------------------------------------------------------------------- /R-package/.Rbuildignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/.Rbuildignore -------------------------------------------------------------------------------- /R-package/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/CMakeLists.txt -------------------------------------------------------------------------------- /R-package/DESCRIPTION: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/DESCRIPTION -------------------------------------------------------------------------------- /R-package/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/LICENSE -------------------------------------------------------------------------------- /R-package/NAMESPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/NAMESPACE -------------------------------------------------------------------------------- /R-package/R/callbacks.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/callbacks.R -------------------------------------------------------------------------------- /R-package/R/utils.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/utils.R -------------------------------------------------------------------------------- /R-package/R/xgb.Booster.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.Booster.R -------------------------------------------------------------------------------- /R-package/R/xgb.DMatrix.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.DMatrix.R -------------------------------------------------------------------------------- /R-package/R/xgb.DMatrix.save.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.DMatrix.save.R -------------------------------------------------------------------------------- /R-package/R/xgb.config.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.config.R -------------------------------------------------------------------------------- /R-package/R/xgb.create.features.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.create.features.R -------------------------------------------------------------------------------- /R-package/R/xgb.cv.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.cv.R -------------------------------------------------------------------------------- /R-package/R/xgb.dump.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.dump.R -------------------------------------------------------------------------------- /R-package/R/xgb.ggplot.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.ggplot.R -------------------------------------------------------------------------------- /R-package/R/xgb.importance.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.importance.R -------------------------------------------------------------------------------- /R-package/R/xgb.load.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.load.R -------------------------------------------------------------------------------- /R-package/R/xgb.load.raw.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.load.raw.R -------------------------------------------------------------------------------- /R-package/R/xgb.model.dt.tree.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.model.dt.tree.R -------------------------------------------------------------------------------- /R-package/R/xgb.plot.deepness.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.plot.deepness.R -------------------------------------------------------------------------------- /R-package/R/xgb.plot.importance.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.plot.importance.R -------------------------------------------------------------------------------- /R-package/R/xgb.plot.multi.trees.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.plot.multi.trees.R -------------------------------------------------------------------------------- /R-package/R/xgb.plot.shap.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.plot.shap.R -------------------------------------------------------------------------------- /R-package/R/xgb.plot.tree.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.plot.tree.R -------------------------------------------------------------------------------- /R-package/R/xgb.save.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.save.R -------------------------------------------------------------------------------- /R-package/R/xgb.save.raw.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.save.raw.R -------------------------------------------------------------------------------- /R-package/R/xgb.serialize.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.serialize.R -------------------------------------------------------------------------------- /R-package/R/xgb.train.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.train.R -------------------------------------------------------------------------------- /R-package/R/xgb.unserialize.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgb.unserialize.R -------------------------------------------------------------------------------- /R-package/R/xgboost.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/R/xgboost.R -------------------------------------------------------------------------------- /R-package/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/README.md -------------------------------------------------------------------------------- /R-package/cleanup: -------------------------------------------------------------------------------- 1 | #!/bin/sh 2 | 3 | rm -f src/Makevars 4 | -------------------------------------------------------------------------------- /R-package/configure: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/configure -------------------------------------------------------------------------------- /R-package/configure.ac: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/configure.ac -------------------------------------------------------------------------------- /R-package/configure.win: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /R-package/data/agaricus.test.rda: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/data/agaricus.test.rda -------------------------------------------------------------------------------- /R-package/data/agaricus.train.rda: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/data/agaricus.train.rda -------------------------------------------------------------------------------- /R-package/demo/00Index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/00Index -------------------------------------------------------------------------------- /R-package/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/README.md -------------------------------------------------------------------------------- /R-package/demo/basic_walkthrough.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/basic_walkthrough.R -------------------------------------------------------------------------------- /R-package/demo/boost_from_prediction.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/boost_from_prediction.R -------------------------------------------------------------------------------- /R-package/demo/caret_wrapper.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/caret_wrapper.R -------------------------------------------------------------------------------- /R-package/demo/create_sparse_matrix.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/create_sparse_matrix.R -------------------------------------------------------------------------------- /R-package/demo/cross_validation.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/cross_validation.R -------------------------------------------------------------------------------- /R-package/demo/custom_objective.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/custom_objective.R -------------------------------------------------------------------------------- /R-package/demo/early_stopping.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/early_stopping.R -------------------------------------------------------------------------------- /R-package/demo/gpu_accelerated.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/gpu_accelerated.R -------------------------------------------------------------------------------- /R-package/demo/interaction_constraints.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/interaction_constraints.R -------------------------------------------------------------------------------- /R-package/demo/poisson_regression.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/poisson_regression.R -------------------------------------------------------------------------------- /R-package/demo/predict_first_ntree.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/predict_first_ntree.R -------------------------------------------------------------------------------- /R-package/demo/predict_leaf_indices.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/predict_leaf_indices.R -------------------------------------------------------------------------------- /R-package/demo/runall.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/runall.R -------------------------------------------------------------------------------- /R-package/demo/tweedie_regression.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/demo/tweedie_regression.R -------------------------------------------------------------------------------- /R-package/inst/make-r-def.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/inst/make-r-def.R -------------------------------------------------------------------------------- /R-package/man/agaricus.test.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/agaricus.test.Rd -------------------------------------------------------------------------------- /R-package/man/agaricus.train.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/agaricus.train.Rd -------------------------------------------------------------------------------- /R-package/man/callbacks.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/callbacks.Rd -------------------------------------------------------------------------------- /R-package/man/cb.cv.predict.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/cb.cv.predict.Rd -------------------------------------------------------------------------------- /R-package/man/cb.early.stop.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/cb.early.stop.Rd -------------------------------------------------------------------------------- /R-package/man/cb.evaluation.log.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/cb.evaluation.log.Rd -------------------------------------------------------------------------------- /R-package/man/cb.gblinear.history.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/cb.gblinear.history.Rd -------------------------------------------------------------------------------- /R-package/man/cb.print.evaluation.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/cb.print.evaluation.Rd -------------------------------------------------------------------------------- /R-package/man/cb.reset.parameters.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/cb.reset.parameters.Rd -------------------------------------------------------------------------------- /R-package/man/cb.save.model.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/cb.save.model.Rd -------------------------------------------------------------------------------- /R-package/man/dim.xgb.DMatrix.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/dim.xgb.DMatrix.Rd -------------------------------------------------------------------------------- /R-package/man/dimnames.xgb.DMatrix.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/dimnames.xgb.DMatrix.Rd -------------------------------------------------------------------------------- /R-package/man/getinfo.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/getinfo.Rd -------------------------------------------------------------------------------- /R-package/man/normalize.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/normalize.Rd -------------------------------------------------------------------------------- /R-package/man/predict.xgb.Booster.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/predict.xgb.Booster.Rd -------------------------------------------------------------------------------- /R-package/man/print.xgb.Booster.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/print.xgb.Booster.Rd -------------------------------------------------------------------------------- /R-package/man/print.xgb.DMatrix.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/print.xgb.DMatrix.Rd -------------------------------------------------------------------------------- /R-package/man/print.xgb.cv.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/print.xgb.cv.Rd -------------------------------------------------------------------------------- /R-package/man/setinfo.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/setinfo.Rd -------------------------------------------------------------------------------- /R-package/man/slice.xgb.DMatrix.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/slice.xgb.DMatrix.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.Booster.complete.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.Booster.complete.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.DMatrix.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.DMatrix.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.DMatrix.save.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.DMatrix.save.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.attr.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.attr.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.config.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.config.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.create.features.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.create.features.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.cv.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.cv.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.dump.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.dump.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.gblinear.history.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.gblinear.history.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.importance.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.importance.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.load.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.load.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.load.raw.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.load.raw.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.model.dt.tree.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.model.dt.tree.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.parameters.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.parameters.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.plot.deepness.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.plot.deepness.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.plot.importance.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.plot.importance.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.plot.multi.trees.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.plot.multi.trees.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.plot.shap.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.plot.shap.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.plot.shap.summary.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.plot.shap.summary.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.plot.tree.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.plot.tree.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.save.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.save.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.save.raw.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.save.raw.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.serialize.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.serialize.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.shap.data.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.shap.data.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.train.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.train.Rd -------------------------------------------------------------------------------- /R-package/man/xgb.unserialize.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgb.unserialize.Rd -------------------------------------------------------------------------------- /R-package/man/xgbConfig.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgbConfig.Rd -------------------------------------------------------------------------------- /R-package/man/xgboost-deprecated.Rd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/man/xgboost-deprecated.Rd -------------------------------------------------------------------------------- /R-package/src/Makevars.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/src/Makevars.in -------------------------------------------------------------------------------- /R-package/src/Makevars.win: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/src/Makevars.win -------------------------------------------------------------------------------- /R-package/src/init.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/src/init.c -------------------------------------------------------------------------------- /R-package/src/xgboost-win.def: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/src/xgboost-win.def -------------------------------------------------------------------------------- /R-package/src/xgboost_R.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/src/xgboost_R.cc -------------------------------------------------------------------------------- /R-package/src/xgboost_R.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/src/xgboost_R.h -------------------------------------------------------------------------------- /R-package/src/xgboost_custom.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/src/xgboost_custom.cc -------------------------------------------------------------------------------- /R-package/tests/testthat.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_basic.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_basic.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_config.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_config.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_dmatrix.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_dmatrix.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_glm.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_glm.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_helpers.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_helpers.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_io.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_io.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_monotone.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_monotone.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_ranking.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_ranking.R -------------------------------------------------------------------------------- /R-package/tests/testthat/test_update.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/tests/testthat/test_update.R -------------------------------------------------------------------------------- /R-package/vignettes/discoverYourData.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/vignettes/discoverYourData.Rmd -------------------------------------------------------------------------------- /R-package/vignettes/vignette.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/vignettes/vignette.css -------------------------------------------------------------------------------- /R-package/vignettes/xgboost.Rnw: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/vignettes/xgboost.Rnw -------------------------------------------------------------------------------- /R-package/vignettes/xgboost.bib: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/vignettes/xgboost.bib -------------------------------------------------------------------------------- /R-package/vignettes/xgboostfromJSON.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/R-package/vignettes/xgboostfromJSON.Rmd -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/README.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/SECURITY.md -------------------------------------------------------------------------------- /amalgamation/dmlc-minimum0.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/amalgamation/dmlc-minimum0.cc -------------------------------------------------------------------------------- /cmake/Doc.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/Doc.cmake -------------------------------------------------------------------------------- /cmake/FindPrefetchIntrinsics.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/FindPrefetchIntrinsics.cmake -------------------------------------------------------------------------------- /cmake/Python_version.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/Python_version.in -------------------------------------------------------------------------------- /cmake/RPackageInstall.cmake.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/RPackageInstall.cmake.in -------------------------------------------------------------------------------- /cmake/RPackageInstallTargetSetup.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/RPackageInstallTargetSetup.cmake -------------------------------------------------------------------------------- /cmake/Sanitizer.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/Sanitizer.cmake -------------------------------------------------------------------------------- /cmake/Utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/Utils.cmake -------------------------------------------------------------------------------- /cmake/Version.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/Version.cmake -------------------------------------------------------------------------------- /cmake/modules/FindASan.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/modules/FindASan.cmake -------------------------------------------------------------------------------- /cmake/modules/FindLSan.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/modules/FindLSan.cmake -------------------------------------------------------------------------------- /cmake/modules/FindLibR.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/modules/FindLibR.cmake -------------------------------------------------------------------------------- /cmake/modules/FindNVML.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/modules/FindNVML.cmake -------------------------------------------------------------------------------- /cmake/modules/FindNVTX.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/modules/FindNVTX.cmake -------------------------------------------------------------------------------- /cmake/modules/FindNccl.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/modules/FindNccl.cmake -------------------------------------------------------------------------------- /cmake/modules/FindTSan.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/modules/FindTSan.cmake -------------------------------------------------------------------------------- /cmake/modules/FindUBSan.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/modules/FindUBSan.cmake -------------------------------------------------------------------------------- /cmake/version_config.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/version_config.h.in -------------------------------------------------------------------------------- /cmake/xgboost-config.cmake.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/xgboost-config.cmake.in -------------------------------------------------------------------------------- /cmake/xgboost.pc.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/cmake/xgboost.pc.in -------------------------------------------------------------------------------- /demo/.gitignore: -------------------------------------------------------------------------------- 1 | *.libsvm 2 | *.pkl 3 | -------------------------------------------------------------------------------- /demo/CLI/binary_classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/binary_classification/README.md -------------------------------------------------------------------------------- /demo/CLI/binary_classification/runexp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/binary_classification/runexp.sh -------------------------------------------------------------------------------- /demo/CLI/distributed-training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/distributed-training/README.md -------------------------------------------------------------------------------- /demo/CLI/distributed-training/run_aws.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/distributed-training/run_aws.sh -------------------------------------------------------------------------------- /demo/CLI/regression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/regression/README.md -------------------------------------------------------------------------------- /demo/CLI/regression/machine.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/regression/machine.conf -------------------------------------------------------------------------------- /demo/CLI/regression/machine.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/regression/machine.data -------------------------------------------------------------------------------- /demo/CLI/regression/machine.names: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/regression/machine.names -------------------------------------------------------------------------------- /demo/CLI/regression/mapfeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/regression/mapfeat.py -------------------------------------------------------------------------------- /demo/CLI/regression/mknfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/regression/mknfold.py -------------------------------------------------------------------------------- /demo/CLI/regression/runexp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/regression/runexp.sh -------------------------------------------------------------------------------- /demo/CLI/yearpredMSD/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/yearpredMSD/README.md -------------------------------------------------------------------------------- /demo/CLI/yearpredMSD/csv2libsvm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/yearpredMSD/csv2libsvm.py -------------------------------------------------------------------------------- /demo/CLI/yearpredMSD/runexp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/yearpredMSD/runexp.sh -------------------------------------------------------------------------------- /demo/CLI/yearpredMSD/yearpredMSD.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/CLI/yearpredMSD/yearpredMSD.conf -------------------------------------------------------------------------------- /demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/README.md -------------------------------------------------------------------------------- /demo/aft_survival/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/aft_survival/README.rst -------------------------------------------------------------------------------- /demo/aft_survival/aft_survival_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/aft_survival/aft_survival_demo.py -------------------------------------------------------------------------------- /demo/c-api/.gitignore: -------------------------------------------------------------------------------- 1 | c-api-demo 2 | -------------------------------------------------------------------------------- /demo/c-api/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/c-api/CMakeLists.txt -------------------------------------------------------------------------------- /demo/c-api/basic/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/c-api/basic/CMakeLists.txt -------------------------------------------------------------------------------- /demo/c-api/basic/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/c-api/basic/Makefile -------------------------------------------------------------------------------- /demo/c-api/basic/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/c-api/basic/README.md -------------------------------------------------------------------------------- /demo/c-api/basic/c-api-demo.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/c-api/basic/c-api-demo.c -------------------------------------------------------------------------------- /demo/c-api/external-memory/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/c-api/external-memory/README.md -------------------------------------------------------------------------------- /demo/c-api/inference/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/c-api/inference/CMakeLists.txt -------------------------------------------------------------------------------- /demo/c-api/inference/inference.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/c-api/inference/inference.c -------------------------------------------------------------------------------- /demo/dask/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/dask/README.rst -------------------------------------------------------------------------------- /demo/dask/cpu_survival.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/dask/cpu_survival.py -------------------------------------------------------------------------------- /demo/dask/cpu_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/dask/cpu_training.py -------------------------------------------------------------------------------- /demo/dask/dask_callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/dask/dask_callbacks.py -------------------------------------------------------------------------------- /demo/dask/gpu_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/dask/gpu_training.py -------------------------------------------------------------------------------- /demo/dask/sklearn_cpu_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/dask/sklearn_cpu_training.py -------------------------------------------------------------------------------- /demo/dask/sklearn_gpu_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/dask/sklearn_gpu_training.py -------------------------------------------------------------------------------- /demo/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/data/README.md -------------------------------------------------------------------------------- /demo/data/agaricus.txt.test: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/data/agaricus.txt.test -------------------------------------------------------------------------------- /demo/data/agaricus.txt.train: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/data/agaricus.txt.train -------------------------------------------------------------------------------- /demo/data/featmap.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/data/featmap.txt -------------------------------------------------------------------------------- /demo/data/gen_autoclaims.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/data/gen_autoclaims.R -------------------------------------------------------------------------------- /demo/data/veterans_lung_cancer.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/data/veterans_lung_cancer.csv -------------------------------------------------------------------------------- /demo/gpu_acceleration/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/gpu_acceleration/README.md -------------------------------------------------------------------------------- /demo/gpu_acceleration/cover_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/gpu_acceleration/cover_type.py -------------------------------------------------------------------------------- /demo/gpu_acceleration/shap.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/gpu_acceleration/shap.ipynb -------------------------------------------------------------------------------- /demo/guide-python/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/README.rst -------------------------------------------------------------------------------- /demo/guide-python/basic_walkthrough.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/basic_walkthrough.py -------------------------------------------------------------------------------- /demo/guide-python/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/callbacks.py -------------------------------------------------------------------------------- /demo/guide-python/cat_in_the_dat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/cat_in_the_dat.py -------------------------------------------------------------------------------- /demo/guide-python/categorical.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/categorical.py -------------------------------------------------------------------------------- /demo/guide-python/continuation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/continuation.py -------------------------------------------------------------------------------- /demo/guide-python/cross_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/cross_validation.py -------------------------------------------------------------------------------- /demo/guide-python/custom_rmsle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/custom_rmsle.py -------------------------------------------------------------------------------- /demo/guide-python/custom_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/custom_softmax.py -------------------------------------------------------------------------------- /demo/guide-python/evals_result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/evals_result.py -------------------------------------------------------------------------------- /demo/guide-python/external_memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/external_memory.py -------------------------------------------------------------------------------- /demo/guide-python/feature_weights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/feature_weights.py -------------------------------------------------------------------------------- /demo/guide-python/gamma_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/gamma_regression.py -------------------------------------------------------------------------------- /demo/guide-python/predict_first_ntree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/predict_first_ntree.py -------------------------------------------------------------------------------- /demo/guide-python/sklearn_examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/sklearn_examples.py -------------------------------------------------------------------------------- /demo/guide-python/sklearn_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/sklearn_parallel.py -------------------------------------------------------------------------------- /demo/guide-python/update_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/guide-python/update_process.py -------------------------------------------------------------------------------- /demo/json-model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/json-model/README.md -------------------------------------------------------------------------------- /demo/json-model/json_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/json-model/json_parser.py -------------------------------------------------------------------------------- /demo/kaggle-higgs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/README.md -------------------------------------------------------------------------------- /demo/kaggle-higgs/higgs-cv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/higgs-cv.py -------------------------------------------------------------------------------- /demo/kaggle-higgs/higgs-numpy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/higgs-numpy.py -------------------------------------------------------------------------------- /demo/kaggle-higgs/higgs-pred.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/higgs-pred.R -------------------------------------------------------------------------------- /demo/kaggle-higgs/higgs-pred.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/higgs-pred.py -------------------------------------------------------------------------------- /demo/kaggle-higgs/higgs-train.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/higgs-train.R -------------------------------------------------------------------------------- /demo/kaggle-higgs/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/run.sh -------------------------------------------------------------------------------- /demo/kaggle-higgs/speedtest.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/speedtest.R -------------------------------------------------------------------------------- /demo/kaggle-higgs/speedtest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-higgs/speedtest.py -------------------------------------------------------------------------------- /demo/kaggle-otto/README.MD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-otto/README.MD -------------------------------------------------------------------------------- /demo/kaggle-otto/otto_train_pred.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/kaggle-otto/otto_train_pred.R -------------------------------------------------------------------------------- /demo/multiclass_classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/multiclass_classification/README.md -------------------------------------------------------------------------------- /demo/multiclass_classification/runexp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/multiclass_classification/runexp.sh -------------------------------------------------------------------------------- /demo/multiclass_classification/train.R: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/multiclass_classification/train.R -------------------------------------------------------------------------------- /demo/multiclass_classification/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/multiclass_classification/train.py -------------------------------------------------------------------------------- /demo/nvflare/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/nvflare/README.md -------------------------------------------------------------------------------- /demo/nvflare/custom/controller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/nvflare/custom/controller.py -------------------------------------------------------------------------------- /demo/nvflare/custom/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/nvflare/custom/trainer.py -------------------------------------------------------------------------------- /demo/nvflare/prepare_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/nvflare/prepare_data.sh -------------------------------------------------------------------------------- /demo/rank/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rank/README.md -------------------------------------------------------------------------------- /demo/rank/mq2008.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rank/mq2008.conf -------------------------------------------------------------------------------- /demo/rank/rank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rank/rank.py -------------------------------------------------------------------------------- /demo/rank/rank_sklearn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rank/rank_sklearn.py -------------------------------------------------------------------------------- /demo/rank/runexp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rank/runexp.sh -------------------------------------------------------------------------------- /demo/rank/trans_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rank/trans_data.py -------------------------------------------------------------------------------- /demo/rank/wgetdata.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rank/wgetdata.sh -------------------------------------------------------------------------------- /demo/rmm_plugin/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rmm_plugin/README.md -------------------------------------------------------------------------------- /demo/rmm_plugin/rmm_mgpu_with_dask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rmm_plugin/rmm_mgpu_with_dask.py -------------------------------------------------------------------------------- /demo/rmm_plugin/rmm_singlegpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/demo/rmm_plugin/rmm_singlegpu.py -------------------------------------------------------------------------------- /dev/prepare_jvm_release.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/dev/prepare_jvm_release.py -------------------------------------------------------------------------------- /dev/query_contributors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/dev/query_contributors.py -------------------------------------------------------------------------------- /dev/release-py-r.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/dev/release-py-r.py -------------------------------------------------------------------------------- /dev/release-tarball.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/dev/release-tarball.sh -------------------------------------------------------------------------------- /doc/.gitignore: -------------------------------------------------------------------------------- 1 | html 2 | latex 3 | *.sh 4 | _* 5 | doxygen 6 | parser.py 7 | *.pyc 8 | web-data 9 | -------------------------------------------------------------------------------- /doc/Doxyfile.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/Doxyfile.in -------------------------------------------------------------------------------- /doc/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/Makefile -------------------------------------------------------------------------------- /doc/R-package/.gitignore: -------------------------------------------------------------------------------- 1 | *~ 2 | -------------------------------------------------------------------------------- /doc/R-package/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/R-package/Makefile -------------------------------------------------------------------------------- /doc/R-package/discoverYourData.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/R-package/discoverYourData.md -------------------------------------------------------------------------------- /doc/R-package/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/R-package/index.rst -------------------------------------------------------------------------------- /doc/R-package/xgboostPresentation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/R-package/xgboostPresentation.md -------------------------------------------------------------------------------- /doc/README: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/README -------------------------------------------------------------------------------- /doc/_static/cn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/_static/cn.svg -------------------------------------------------------------------------------- /doc/_static/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/_static/custom.css -------------------------------------------------------------------------------- /doc/_static/js/auto_module_index.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/_static/js/auto_module_index.js -------------------------------------------------------------------------------- /doc/_static/us.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/_static/us.svg -------------------------------------------------------------------------------- /doc/build.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/build.rst -------------------------------------------------------------------------------- /doc/c++.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/c++.rst -------------------------------------------------------------------------------- /doc/c.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/c.rst -------------------------------------------------------------------------------- /doc/cli.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/cli.rst -------------------------------------------------------------------------------- /doc/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/conf.py -------------------------------------------------------------------------------- /doc/contrib/ci.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/ci.rst -------------------------------------------------------------------------------- /doc/contrib/coding_guide.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/coding_guide.rst -------------------------------------------------------------------------------- /doc/contrib/community.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/community.rst -------------------------------------------------------------------------------- /doc/contrib/docs.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/docs.rst -------------------------------------------------------------------------------- /doc/contrib/donate.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/donate.rst -------------------------------------------------------------------------------- /doc/contrib/git_guide.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/git_guide.rst -------------------------------------------------------------------------------- /doc/contrib/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/index.rst -------------------------------------------------------------------------------- /doc/contrib/release.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/release.rst -------------------------------------------------------------------------------- /doc/contrib/unit_tests.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/contrib/unit_tests.rst -------------------------------------------------------------------------------- /doc/dump.schema: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/dump.schema -------------------------------------------------------------------------------- /doc/faq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/faq.rst -------------------------------------------------------------------------------- /doc/get_started.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/get_started.rst -------------------------------------------------------------------------------- /doc/gpu/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/gpu/index.rst -------------------------------------------------------------------------------- /doc/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/index.rst -------------------------------------------------------------------------------- /doc/install.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/install.rst -------------------------------------------------------------------------------- /doc/julia.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/julia.rst -------------------------------------------------------------------------------- /doc/jvm/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/jvm/index.rst -------------------------------------------------------------------------------- /doc/jvm/java_intro.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/jvm/java_intro.rst -------------------------------------------------------------------------------- /doc/jvm/javadocs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/jvm/javadocs/index.rst -------------------------------------------------------------------------------- /doc/jvm/scaladocs/xgboost4j/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/jvm/scaladocs/xgboost4j/index.rst -------------------------------------------------------------------------------- /doc/jvm/xgboost4j_spark_gpu_tutorial.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/jvm/xgboost4j_spark_gpu_tutorial.rst -------------------------------------------------------------------------------- /doc/jvm/xgboost4j_spark_tutorial.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/jvm/xgboost4j_spark_tutorial.rst -------------------------------------------------------------------------------- /doc/model.schema: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/model.schema -------------------------------------------------------------------------------- /doc/parameter.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/parameter.rst -------------------------------------------------------------------------------- /doc/prediction.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/prediction.rst -------------------------------------------------------------------------------- /doc/python/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/python/.gitignore -------------------------------------------------------------------------------- /doc/python/callbacks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/python/callbacks.rst -------------------------------------------------------------------------------- /doc/python/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/python/index.rst -------------------------------------------------------------------------------- /doc/python/model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/python/model.rst -------------------------------------------------------------------------------- /doc/python/python_api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/python/python_api.rst -------------------------------------------------------------------------------- /doc/python/python_intro.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/python/python_intro.rst -------------------------------------------------------------------------------- /doc/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/requirements.txt -------------------------------------------------------------------------------- /doc/sphinx_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/sphinx_util.py -------------------------------------------------------------------------------- /doc/treemethod.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/treemethod.rst -------------------------------------------------------------------------------- /doc/tutorials/aft_survival_analysis.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/aft_survival_analysis.rst -------------------------------------------------------------------------------- /doc/tutorials/aws_yarn.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/aws_yarn.rst -------------------------------------------------------------------------------- /doc/tutorials/c_api_tutorial.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/c_api_tutorial.rst -------------------------------------------------------------------------------- /doc/tutorials/categorical.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/categorical.rst -------------------------------------------------------------------------------- /doc/tutorials/custom_metric_obj.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/custom_metric_obj.rst -------------------------------------------------------------------------------- /doc/tutorials/dart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/dart.rst -------------------------------------------------------------------------------- /doc/tutorials/dask.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/dask.rst -------------------------------------------------------------------------------- /doc/tutorials/external_memory.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/external_memory.rst -------------------------------------------------------------------------------- /doc/tutorials/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/index.rst -------------------------------------------------------------------------------- /doc/tutorials/input_format.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/input_format.rst -------------------------------------------------------------------------------- /doc/tutorials/kubernetes.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/kubernetes.rst -------------------------------------------------------------------------------- /doc/tutorials/model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/model.rst -------------------------------------------------------------------------------- /doc/tutorials/monotonic.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/monotonic.rst -------------------------------------------------------------------------------- /doc/tutorials/multioutput.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/multioutput.rst -------------------------------------------------------------------------------- /doc/tutorials/param_tuning.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/param_tuning.rst -------------------------------------------------------------------------------- /doc/tutorials/ray.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/ray.rst -------------------------------------------------------------------------------- /doc/tutorials/rf.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/rf.rst -------------------------------------------------------------------------------- /doc/tutorials/saving_model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/saving_model.rst -------------------------------------------------------------------------------- /doc/tutorials/spark_estimator.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/tutorials/spark_estimator.rst -------------------------------------------------------------------------------- /doc/xgboost_doc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/doc/xgboost_doc.yml -------------------------------------------------------------------------------- /include/xgboost/base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/base.h -------------------------------------------------------------------------------- /include/xgboost/c_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/c_api.h -------------------------------------------------------------------------------- /include/xgboost/collective/socket.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/collective/socket.h -------------------------------------------------------------------------------- /include/xgboost/data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/data.h -------------------------------------------------------------------------------- /include/xgboost/feature_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/feature_map.h -------------------------------------------------------------------------------- /include/xgboost/gbm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/gbm.h -------------------------------------------------------------------------------- /include/xgboost/generic_parameters.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/generic_parameters.h -------------------------------------------------------------------------------- /include/xgboost/global_config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/global_config.h -------------------------------------------------------------------------------- /include/xgboost/host_device_vector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/host_device_vector.h -------------------------------------------------------------------------------- /include/xgboost/intrusive_ptr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/intrusive_ptr.h -------------------------------------------------------------------------------- /include/xgboost/json.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/json.h -------------------------------------------------------------------------------- /include/xgboost/json_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/json_io.h -------------------------------------------------------------------------------- /include/xgboost/learner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/learner.h -------------------------------------------------------------------------------- /include/xgboost/linalg.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/linalg.h -------------------------------------------------------------------------------- /include/xgboost/linear_updater.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/linear_updater.h -------------------------------------------------------------------------------- /include/xgboost/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/logging.h -------------------------------------------------------------------------------- /include/xgboost/metric.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/metric.h -------------------------------------------------------------------------------- /include/xgboost/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/model.h -------------------------------------------------------------------------------- /include/xgboost/objective.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/objective.h -------------------------------------------------------------------------------- /include/xgboost/parameter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/parameter.h -------------------------------------------------------------------------------- /include/xgboost/predictor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/predictor.h -------------------------------------------------------------------------------- /include/xgboost/span.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/span.h -------------------------------------------------------------------------------- /include/xgboost/string_view.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/string_view.h -------------------------------------------------------------------------------- /include/xgboost/task.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/task.h -------------------------------------------------------------------------------- /include/xgboost/tree_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/tree_model.h -------------------------------------------------------------------------------- /include/xgboost/tree_updater.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/tree_updater.h -------------------------------------------------------------------------------- /include/xgboost/version_config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/include/xgboost/version_config.h -------------------------------------------------------------------------------- /jvm-packages/.gitignore: -------------------------------------------------------------------------------- 1 | tracker.py 2 | build.sh 3 | -------------------------------------------------------------------------------- /jvm-packages/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/CMakeLists.txt -------------------------------------------------------------------------------- /jvm-packages/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/README.md -------------------------------------------------------------------------------- /jvm-packages/checkstyle-suppressions.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/checkstyle-suppressions.xml -------------------------------------------------------------------------------- /jvm-packages/checkstyle.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/checkstyle.xml -------------------------------------------------------------------------------- /jvm-packages/create_jni.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/create_jni.py -------------------------------------------------------------------------------- /jvm-packages/dev/.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/dev/.gitattributes -------------------------------------------------------------------------------- /jvm-packages/dev/.gitignore: -------------------------------------------------------------------------------- 1 | .m2 2 | -------------------------------------------------------------------------------- /jvm-packages/dev/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/dev/Dockerfile -------------------------------------------------------------------------------- /jvm-packages/dev/build-linux.cmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/dev/build-linux.cmd -------------------------------------------------------------------------------- /jvm-packages/dev/build-linux.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/dev/build-linux.sh -------------------------------------------------------------------------------- /jvm-packages/dev/change_version.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/dev/change_version.sh -------------------------------------------------------------------------------- /jvm-packages/dev/package-linux.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/dev/package-linux.sh -------------------------------------------------------------------------------- /jvm-packages/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/pom.xml -------------------------------------------------------------------------------- /jvm-packages/scalastyle-config.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/scalastyle-config.xml -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-example/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j-example/LICENSE -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-example/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j-example/README.md -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-example/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j-example/pom.xml -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-flink/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j-flink/pom.xml -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-gpu/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j-gpu/pom.xml -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-gpu/src/main/java/ml/dmlc/xgboost4j/java: -------------------------------------------------------------------------------- 1 | ../../../../../../../xgboost4j/src/main/java/ml/dmlc/xgboost4j/java -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-gpu/src/main/scala: -------------------------------------------------------------------------------- 1 | ../../../xgboost4j/src/main/scala/ -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-spark-gpu/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j-spark-gpu/pom.xml -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-spark-gpu/src/main/scala/org: -------------------------------------------------------------------------------- 1 | ../../../../xgboost4j-spark/src/main/scala/org -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-spark-gpu/src/test/resources: -------------------------------------------------------------------------------- 1 | ../../../xgboost4j-spark/src/test/resources -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-spark/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j-spark/pom.xml -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-spark/src/test/resources/log4j.properties: -------------------------------------------------------------------------------- 1 | log4j.logger.org.apache.spark=ERROR 2 | -------------------------------------------------------------------------------- /jvm-packages/xgboost4j-spark/src/test/resources/model/0.82/model/metadata/_SUCCESS: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /jvm-packages/xgboost4j/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j/LICENSE -------------------------------------------------------------------------------- /jvm-packages/xgboost4j/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/jvm-packages/xgboost4j/pom.xml -------------------------------------------------------------------------------- /plugin/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/CMakeLists.txt -------------------------------------------------------------------------------- /plugin/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/README.md -------------------------------------------------------------------------------- /plugin/dense_parser/dense_libsvm.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/dense_parser/dense_libsvm.cc -------------------------------------------------------------------------------- /plugin/example/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/example/README.md -------------------------------------------------------------------------------- /plugin/example/custom_obj.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/example/custom_obj.cc -------------------------------------------------------------------------------- /plugin/federated/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/federated/CMakeLists.txt -------------------------------------------------------------------------------- /plugin/federated/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/federated/README.md -------------------------------------------------------------------------------- /plugin/federated/federated.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/federated/federated.proto -------------------------------------------------------------------------------- /plugin/federated/federated_client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/federated/federated_client.h -------------------------------------------------------------------------------- /plugin/federated/federated_server.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/federated/federated_server.cc -------------------------------------------------------------------------------- /plugin/federated/federated_server.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/federated/federated_server.h -------------------------------------------------------------------------------- /plugin/updater_gpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/updater_gpu/README.md -------------------------------------------------------------------------------- /plugin/updater_oneapi/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/plugin/updater_oneapi/README.md -------------------------------------------------------------------------------- /python-package/.gitignore: -------------------------------------------------------------------------------- 1 | build 2 | dist 3 | *.egg* -------------------------------------------------------------------------------- /python-package/.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/.pylintrc -------------------------------------------------------------------------------- /python-package/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/MANIFEST.in -------------------------------------------------------------------------------- /python-package/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/README.rst -------------------------------------------------------------------------------- /python-package/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/setup.cfg -------------------------------------------------------------------------------- /python-package/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/setup.py -------------------------------------------------------------------------------- /python-package/xgboost/VERSION: -------------------------------------------------------------------------------- 1 | 1.7.5 2 | -------------------------------------------------------------------------------- /python-package/xgboost/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/__init__.py -------------------------------------------------------------------------------- /python-package/xgboost/_typing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/_typing.py -------------------------------------------------------------------------------- /python-package/xgboost/callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/callback.py -------------------------------------------------------------------------------- /python-package/xgboost/collective.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/collective.py -------------------------------------------------------------------------------- /python-package/xgboost/compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/compat.py -------------------------------------------------------------------------------- /python-package/xgboost/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/config.py -------------------------------------------------------------------------------- /python-package/xgboost/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/core.py -------------------------------------------------------------------------------- /python-package/xgboost/dask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/dask.py -------------------------------------------------------------------------------- /python-package/xgboost/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/data.py -------------------------------------------------------------------------------- /python-package/xgboost/federated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/federated.py -------------------------------------------------------------------------------- /python-package/xgboost/libpath.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/libpath.py -------------------------------------------------------------------------------- /python-package/xgboost/plotting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/plotting.py -------------------------------------------------------------------------------- /python-package/xgboost/py.typed: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /python-package/xgboost/rabit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/rabit.py -------------------------------------------------------------------------------- /python-package/xgboost/sklearn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/sklearn.py -------------------------------------------------------------------------------- /python-package/xgboost/spark/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/spark/__init__.py -------------------------------------------------------------------------------- /python-package/xgboost/spark/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/spark/core.py -------------------------------------------------------------------------------- /python-package/xgboost/spark/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/spark/data.py -------------------------------------------------------------------------------- /python-package/xgboost/spark/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/spark/model.py -------------------------------------------------------------------------------- /python-package/xgboost/spark/params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/spark/params.py -------------------------------------------------------------------------------- /python-package/xgboost/spark/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/spark/utils.py -------------------------------------------------------------------------------- /python-package/xgboost/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/testing.py -------------------------------------------------------------------------------- /python-package/xgboost/tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/tracker.py -------------------------------------------------------------------------------- /python-package/xgboost/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/python-package/xgboost/training.py -------------------------------------------------------------------------------- /rabit/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/.gitignore -------------------------------------------------------------------------------- /rabit/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/CMakeLists.txt -------------------------------------------------------------------------------- /rabit/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/LICENSE -------------------------------------------------------------------------------- /rabit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/README.md -------------------------------------------------------------------------------- /rabit/doc/.gitignore: -------------------------------------------------------------------------------- 1 | html 2 | latex 3 | *.sh 4 | _* 5 | doxygen 6 | -------------------------------------------------------------------------------- /rabit/doc/Doxyfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/Doxyfile -------------------------------------------------------------------------------- /rabit/doc/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/Makefile -------------------------------------------------------------------------------- /rabit/doc/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/conf.py -------------------------------------------------------------------------------- /rabit/doc/cpp_api.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/cpp_api.md -------------------------------------------------------------------------------- /rabit/doc/guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/guide.md -------------------------------------------------------------------------------- /rabit/doc/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/index.md -------------------------------------------------------------------------------- /rabit/doc/parameters.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/parameters.md -------------------------------------------------------------------------------- /rabit/doc/python-requirements.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | breathe 3 | commonmark 4 | -------------------------------------------------------------------------------- /rabit/doc/python_api.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/python_api.md -------------------------------------------------------------------------------- /rabit/doc/sphinx_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/doc/sphinx_util.py -------------------------------------------------------------------------------- /rabit/guide/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/guide/Makefile -------------------------------------------------------------------------------- /rabit/guide/README: -------------------------------------------------------------------------------- 1 | See tutorial at ../doc/guide.md -------------------------------------------------------------------------------- /rabit/guide/basic.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/guide/basic.cc -------------------------------------------------------------------------------- /rabit/guide/basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/guide/basic.py -------------------------------------------------------------------------------- /rabit/guide/broadcast.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/guide/broadcast.cc -------------------------------------------------------------------------------- /rabit/guide/broadcast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/guide/broadcast.py -------------------------------------------------------------------------------- /rabit/guide/lazy_allreduce.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/guide/lazy_allreduce.cc -------------------------------------------------------------------------------- /rabit/guide/lazy_allreduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/guide/lazy_allreduce.py -------------------------------------------------------------------------------- /rabit/include/rabit/base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/base.h -------------------------------------------------------------------------------- /rabit/include/rabit/c_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/c_api.h -------------------------------------------------------------------------------- /rabit/include/rabit/internal/engine.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/internal/engine.h -------------------------------------------------------------------------------- /rabit/include/rabit/internal/io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/internal/io.h -------------------------------------------------------------------------------- /rabit/include/rabit/internal/rabit-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/internal/rabit-inl.h -------------------------------------------------------------------------------- /rabit/include/rabit/internal/socket.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/internal/socket.h -------------------------------------------------------------------------------- /rabit/include/rabit/internal/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/internal/utils.h -------------------------------------------------------------------------------- /rabit/include/rabit/rabit.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/rabit.h -------------------------------------------------------------------------------- /rabit/include/rabit/serializable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/include/rabit/serializable.h -------------------------------------------------------------------------------- /rabit/src/allreduce_base.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/src/allreduce_base.cc -------------------------------------------------------------------------------- /rabit/src/allreduce_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/src/allreduce_base.h -------------------------------------------------------------------------------- /rabit/src/allreduce_mock.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/src/allreduce_mock.h -------------------------------------------------------------------------------- /rabit/src/engine.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/src/engine.cc -------------------------------------------------------------------------------- /rabit/src/engine_mock.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/src/engine_mock.cc -------------------------------------------------------------------------------- /rabit/src/engine_mpi.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/src/engine_mpi.cc -------------------------------------------------------------------------------- /rabit/src/rabit_c_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/rabit/src/rabit_c_api.cc -------------------------------------------------------------------------------- /src/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/CMakeLists.txt -------------------------------------------------------------------------------- /src/c_api/c_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/c_api/c_api.cc -------------------------------------------------------------------------------- /src/c_api/c_api.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/c_api/c_api.cu -------------------------------------------------------------------------------- /src/c_api/c_api_error.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/c_api/c_api_error.cc -------------------------------------------------------------------------------- /src/c_api/c_api_error.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/c_api/c_api_error.h -------------------------------------------------------------------------------- /src/c_api/c_api_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/c_api/c_api_utils.h -------------------------------------------------------------------------------- /src/cli_main.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/cli_main.cc -------------------------------------------------------------------------------- /src/collective/communicator-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/collective/communicator-inl.h -------------------------------------------------------------------------------- /src/collective/communicator.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/collective/communicator.cc -------------------------------------------------------------------------------- /src/collective/communicator.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/collective/communicator.cu -------------------------------------------------------------------------------- /src/collective/communicator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/collective/communicator.h -------------------------------------------------------------------------------- /src/collective/device_communicator.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/collective/device_communicator.cuh -------------------------------------------------------------------------------- /src/collective/noop_communicator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/collective/noop_communicator.h -------------------------------------------------------------------------------- /src/collective/rabit_communicator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/collective/rabit_communicator.h -------------------------------------------------------------------------------- /src/collective/socket.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/collective/socket.cc -------------------------------------------------------------------------------- /src/common/algorithm.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/algorithm.cuh -------------------------------------------------------------------------------- /src/common/algorithm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/algorithm.h -------------------------------------------------------------------------------- /src/common/base64.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/base64.h -------------------------------------------------------------------------------- /src/common/bitfield.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/bitfield.h -------------------------------------------------------------------------------- /src/common/categorical.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/categorical.h -------------------------------------------------------------------------------- /src/common/charconv.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/charconv.cc -------------------------------------------------------------------------------- /src/common/charconv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/charconv.h -------------------------------------------------------------------------------- /src/common/column_matrix.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/column_matrix.cc -------------------------------------------------------------------------------- /src/common/column_matrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/column_matrix.h -------------------------------------------------------------------------------- /src/common/common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/common.cc -------------------------------------------------------------------------------- /src/common/common.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/common.cu -------------------------------------------------------------------------------- /src/common/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/common.h -------------------------------------------------------------------------------- /src/common/compressed_iterator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/compressed_iterator.h -------------------------------------------------------------------------------- /src/common/config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/config.h -------------------------------------------------------------------------------- /src/common/cuda_pinned_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/cuda_pinned_allocator.h -------------------------------------------------------------------------------- /src/common/device_helpers.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/device_helpers.cuh -------------------------------------------------------------------------------- /src/common/group_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/group_data.h -------------------------------------------------------------------------------- /src/common/hist_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/hist_util.cc -------------------------------------------------------------------------------- /src/common/hist_util.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/hist_util.cu -------------------------------------------------------------------------------- /src/common/hist_util.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/hist_util.cuh -------------------------------------------------------------------------------- /src/common/hist_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/hist_util.h -------------------------------------------------------------------------------- /src/common/host_device_vector.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/host_device_vector.cc -------------------------------------------------------------------------------- /src/common/host_device_vector.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/host_device_vector.cu -------------------------------------------------------------------------------- /src/common/io.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/io.cc -------------------------------------------------------------------------------- /src/common/io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/io.h -------------------------------------------------------------------------------- /src/common/json.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/json.cc -------------------------------------------------------------------------------- /src/common/linalg_op.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/linalg_op.cuh -------------------------------------------------------------------------------- /src/common/linalg_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/linalg_op.h -------------------------------------------------------------------------------- /src/common/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/math.h -------------------------------------------------------------------------------- /src/common/numeric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/numeric.cc -------------------------------------------------------------------------------- /src/common/numeric.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/numeric.cu -------------------------------------------------------------------------------- /src/common/numeric.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/numeric.h -------------------------------------------------------------------------------- /src/common/observer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/observer.h -------------------------------------------------------------------------------- /src/common/partition_builder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/partition_builder.h -------------------------------------------------------------------------------- /src/common/probability_distribution.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/probability_distribution.h -------------------------------------------------------------------------------- /src/common/pseudo_huber.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/pseudo_huber.cc -------------------------------------------------------------------------------- /src/common/pseudo_huber.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/pseudo_huber.h -------------------------------------------------------------------------------- /src/common/quantile.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/quantile.cc -------------------------------------------------------------------------------- /src/common/quantile.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/quantile.cu -------------------------------------------------------------------------------- /src/common/quantile.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/quantile.cuh -------------------------------------------------------------------------------- /src/common/quantile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/quantile.h -------------------------------------------------------------------------------- /src/common/random.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/random.cc -------------------------------------------------------------------------------- /src/common/random.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/random.h -------------------------------------------------------------------------------- /src/common/ranking_utils.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/ranking_utils.cuh -------------------------------------------------------------------------------- /src/common/row_set.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/row_set.h -------------------------------------------------------------------------------- /src/common/stats.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/stats.cu -------------------------------------------------------------------------------- /src/common/stats.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/stats.cuh -------------------------------------------------------------------------------- /src/common/stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/stats.h -------------------------------------------------------------------------------- /src/common/survival_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/survival_util.cc -------------------------------------------------------------------------------- /src/common/survival_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/survival_util.h -------------------------------------------------------------------------------- /src/common/threading_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/threading_utils.cc -------------------------------------------------------------------------------- /src/common/threading_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/threading_utils.h -------------------------------------------------------------------------------- /src/common/timer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/timer.cc -------------------------------------------------------------------------------- /src/common/timer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/timer.h -------------------------------------------------------------------------------- /src/common/transform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/transform.h -------------------------------------------------------------------------------- /src/common/version.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/version.cc -------------------------------------------------------------------------------- /src/common/version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/common/version.h -------------------------------------------------------------------------------- /src/data/adapter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/adapter.h -------------------------------------------------------------------------------- /src/data/array_interface.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/array_interface.cu -------------------------------------------------------------------------------- /src/data/array_interface.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/array_interface.h -------------------------------------------------------------------------------- /src/data/arrow-cdi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/arrow-cdi.h -------------------------------------------------------------------------------- /src/data/data.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/data.cc -------------------------------------------------------------------------------- /src/data/data.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/data.cu -------------------------------------------------------------------------------- /src/data/device_adapter.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/device_adapter.cuh -------------------------------------------------------------------------------- /src/data/ellpack_page.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/ellpack_page.cc -------------------------------------------------------------------------------- /src/data/ellpack_page.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/ellpack_page.cu -------------------------------------------------------------------------------- /src/data/ellpack_page.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/ellpack_page.cuh -------------------------------------------------------------------------------- /src/data/ellpack_page_raw_format.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/ellpack_page_raw_format.cu -------------------------------------------------------------------------------- /src/data/ellpack_page_source.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/ellpack_page_source.cu -------------------------------------------------------------------------------- /src/data/ellpack_page_source.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/ellpack_page_source.h -------------------------------------------------------------------------------- /src/data/file_iterator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/file_iterator.h -------------------------------------------------------------------------------- /src/data/gradient_index.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/gradient_index.cc -------------------------------------------------------------------------------- /src/data/gradient_index.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/gradient_index.cu -------------------------------------------------------------------------------- /src/data/gradient_index.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/gradient_index.h -------------------------------------------------------------------------------- /src/data/gradient_index_format.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/gradient_index_format.cc -------------------------------------------------------------------------------- /src/data/gradient_index_page_source.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/gradient_index_page_source.cc -------------------------------------------------------------------------------- /src/data/gradient_index_page_source.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/gradient_index_page_source.h -------------------------------------------------------------------------------- /src/data/histogram_cut_format.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/histogram_cut_format.h -------------------------------------------------------------------------------- /src/data/iterative_dmatrix.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/iterative_dmatrix.cc -------------------------------------------------------------------------------- /src/data/iterative_dmatrix.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/iterative_dmatrix.cu -------------------------------------------------------------------------------- /src/data/iterative_dmatrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/iterative_dmatrix.h -------------------------------------------------------------------------------- /src/data/proxy_dmatrix.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/proxy_dmatrix.cc -------------------------------------------------------------------------------- /src/data/proxy_dmatrix.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/proxy_dmatrix.cu -------------------------------------------------------------------------------- /src/data/proxy_dmatrix.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/proxy_dmatrix.cuh -------------------------------------------------------------------------------- /src/data/proxy_dmatrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/proxy_dmatrix.h -------------------------------------------------------------------------------- /src/data/simple_batch_iterator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/simple_batch_iterator.h -------------------------------------------------------------------------------- /src/data/simple_dmatrix.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/simple_dmatrix.cc -------------------------------------------------------------------------------- /src/data/simple_dmatrix.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/simple_dmatrix.cu -------------------------------------------------------------------------------- /src/data/simple_dmatrix.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/simple_dmatrix.cuh -------------------------------------------------------------------------------- /src/data/simple_dmatrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/simple_dmatrix.h -------------------------------------------------------------------------------- /src/data/sparse_page_dmatrix.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/sparse_page_dmatrix.cc -------------------------------------------------------------------------------- /src/data/sparse_page_dmatrix.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/sparse_page_dmatrix.cu -------------------------------------------------------------------------------- /src/data/sparse_page_dmatrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/sparse_page_dmatrix.h -------------------------------------------------------------------------------- /src/data/sparse_page_raw_format.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/sparse_page_raw_format.cc -------------------------------------------------------------------------------- /src/data/sparse_page_source.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/sparse_page_source.cu -------------------------------------------------------------------------------- /src/data/sparse_page_source.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/sparse_page_source.h -------------------------------------------------------------------------------- /src/data/sparse_page_writer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/sparse_page_writer.h -------------------------------------------------------------------------------- /src/data/validation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/data/validation.h -------------------------------------------------------------------------------- /src/gbm/gblinear.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gblinear.cc -------------------------------------------------------------------------------- /src/gbm/gblinear_model.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gblinear_model.cc -------------------------------------------------------------------------------- /src/gbm/gblinear_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gblinear_model.h -------------------------------------------------------------------------------- /src/gbm/gbm.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gbm.cc -------------------------------------------------------------------------------- /src/gbm/gbtree.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gbtree.cc -------------------------------------------------------------------------------- /src/gbm/gbtree.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gbtree.cu -------------------------------------------------------------------------------- /src/gbm/gbtree.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gbtree.h -------------------------------------------------------------------------------- /src/gbm/gbtree_model.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gbtree_model.cc -------------------------------------------------------------------------------- /src/gbm/gbtree_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/gbm/gbtree_model.h -------------------------------------------------------------------------------- /src/global_config.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/global_config.cc -------------------------------------------------------------------------------- /src/learner.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/learner.cc -------------------------------------------------------------------------------- /src/linear/coordinate_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/linear/coordinate_common.h -------------------------------------------------------------------------------- /src/linear/linear_updater.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/linear/linear_updater.cc -------------------------------------------------------------------------------- /src/linear/param.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/linear/param.h -------------------------------------------------------------------------------- /src/linear/updater_coordinate.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/linear/updater_coordinate.cc -------------------------------------------------------------------------------- /src/linear/updater_gpu_coordinate.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/linear/updater_gpu_coordinate.cu -------------------------------------------------------------------------------- /src/linear/updater_shotgun.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/linear/updater_shotgun.cc -------------------------------------------------------------------------------- /src/logging.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/logging.cc -------------------------------------------------------------------------------- /src/metric/auc.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/auc.cc -------------------------------------------------------------------------------- /src/metric/auc.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/auc.cu -------------------------------------------------------------------------------- /src/metric/auc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/auc.h -------------------------------------------------------------------------------- /src/metric/elementwise_metric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/elementwise_metric.cc -------------------------------------------------------------------------------- /src/metric/elementwise_metric.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/elementwise_metric.cu -------------------------------------------------------------------------------- /src/metric/metric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/metric.cc -------------------------------------------------------------------------------- /src/metric/metric_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/metric_common.h -------------------------------------------------------------------------------- /src/metric/multiclass_metric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/multiclass_metric.cc -------------------------------------------------------------------------------- /src/metric/multiclass_metric.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/multiclass_metric.cu -------------------------------------------------------------------------------- /src/metric/rank_metric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/rank_metric.cc -------------------------------------------------------------------------------- /src/metric/rank_metric.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/rank_metric.cu -------------------------------------------------------------------------------- /src/metric/survival_metric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/survival_metric.cc -------------------------------------------------------------------------------- /src/metric/survival_metric.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/metric/survival_metric.cu -------------------------------------------------------------------------------- /src/objective/adaptive.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/adaptive.cc -------------------------------------------------------------------------------- /src/objective/adaptive.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/adaptive.cu -------------------------------------------------------------------------------- /src/objective/adaptive.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/adaptive.h -------------------------------------------------------------------------------- /src/objective/aft_obj.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/aft_obj.cc -------------------------------------------------------------------------------- /src/objective/aft_obj.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/aft_obj.cu -------------------------------------------------------------------------------- /src/objective/hinge.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/hinge.cc -------------------------------------------------------------------------------- /src/objective/hinge.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/hinge.cu -------------------------------------------------------------------------------- /src/objective/multiclass_obj.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/multiclass_obj.cc -------------------------------------------------------------------------------- /src/objective/multiclass_obj.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/multiclass_obj.cu -------------------------------------------------------------------------------- /src/objective/objective.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/objective.cc -------------------------------------------------------------------------------- /src/objective/rank_obj.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/rank_obj.cc -------------------------------------------------------------------------------- /src/objective/rank_obj.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/rank_obj.cu -------------------------------------------------------------------------------- /src/objective/regression_loss.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/regression_loss.h -------------------------------------------------------------------------------- /src/objective/regression_obj.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/regression_obj.cc -------------------------------------------------------------------------------- /src/objective/regression_obj.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/objective/regression_obj.cu -------------------------------------------------------------------------------- /src/predictor/cpu_predictor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/predictor/cpu_predictor.cc -------------------------------------------------------------------------------- /src/predictor/gpu_predictor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/predictor/gpu_predictor.cu -------------------------------------------------------------------------------- /src/predictor/predict_fn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/predictor/predict_fn.h -------------------------------------------------------------------------------- /src/predictor/predictor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/predictor/predictor.cc -------------------------------------------------------------------------------- /src/tree/common_row_partitioner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/common_row_partitioner.h -------------------------------------------------------------------------------- /src/tree/constraints.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/constraints.cc -------------------------------------------------------------------------------- /src/tree/constraints.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/constraints.cu -------------------------------------------------------------------------------- /src/tree/constraints.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/constraints.cuh -------------------------------------------------------------------------------- /src/tree/constraints.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/constraints.h -------------------------------------------------------------------------------- /src/tree/driver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/driver.h -------------------------------------------------------------------------------- /src/tree/gpu_hist/evaluate_splits.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/evaluate_splits.cu -------------------------------------------------------------------------------- /src/tree/gpu_hist/evaluate_splits.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/evaluate_splits.cuh -------------------------------------------------------------------------------- /src/tree/gpu_hist/evaluator.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/evaluator.cu -------------------------------------------------------------------------------- /src/tree/gpu_hist/expand_entry.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/expand_entry.cuh -------------------------------------------------------------------------------- /src/tree/gpu_hist/feature_groups.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/feature_groups.cu -------------------------------------------------------------------------------- /src/tree/gpu_hist/feature_groups.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/feature_groups.cuh -------------------------------------------------------------------------------- /src/tree/gpu_hist/histogram.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/histogram.cu -------------------------------------------------------------------------------- /src/tree/gpu_hist/histogram.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/histogram.cuh -------------------------------------------------------------------------------- /src/tree/gpu_hist/row_partitioner.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/row_partitioner.cu -------------------------------------------------------------------------------- /src/tree/gpu_hist/row_partitioner.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/gpu_hist/row_partitioner.cuh -------------------------------------------------------------------------------- /src/tree/hist/evaluate_splits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/hist/evaluate_splits.h -------------------------------------------------------------------------------- /src/tree/hist/expand_entry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/hist/expand_entry.h -------------------------------------------------------------------------------- /src/tree/hist/histogram.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/hist/histogram.h -------------------------------------------------------------------------------- /src/tree/param.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/param.cc -------------------------------------------------------------------------------- /src/tree/param.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/param.h -------------------------------------------------------------------------------- /src/tree/split_evaluator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/split_evaluator.h -------------------------------------------------------------------------------- /src/tree/tree_model.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/tree_model.cc -------------------------------------------------------------------------------- /src/tree/tree_updater.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/tree_updater.cc -------------------------------------------------------------------------------- /src/tree/updater_approx.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_approx.cc -------------------------------------------------------------------------------- /src/tree/updater_colmaker.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_colmaker.cc -------------------------------------------------------------------------------- /src/tree/updater_gpu_common.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_gpu_common.cuh -------------------------------------------------------------------------------- /src/tree/updater_gpu_hist.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_gpu_hist.cu -------------------------------------------------------------------------------- /src/tree/updater_prune.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_prune.cc -------------------------------------------------------------------------------- /src/tree/updater_quantile_hist.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_quantile_hist.cc -------------------------------------------------------------------------------- /src/tree/updater_quantile_hist.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_quantile_hist.h -------------------------------------------------------------------------------- /src/tree/updater_refresh.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_refresh.cc -------------------------------------------------------------------------------- /src/tree/updater_sync.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/src/tree/updater_sync.cc -------------------------------------------------------------------------------- /tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/README.md -------------------------------------------------------------------------------- /tests/benchmark/benchmark_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/benchmark/benchmark_linear.py -------------------------------------------------------------------------------- /tests/benchmark/benchmark_tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/benchmark/benchmark_tree.py -------------------------------------------------------------------------------- /tests/benchmark/generate_libsvm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/benchmark/generate_libsvm.py -------------------------------------------------------------------------------- /tests/buildkite/build-containers.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-containers.sh -------------------------------------------------------------------------------- /tests/buildkite/build-cpu-arm64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-cpu-arm64.sh -------------------------------------------------------------------------------- /tests/buildkite/build-cpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-cpu.sh -------------------------------------------------------------------------------- /tests/buildkite/build-cuda-with-rmm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-cuda-with-rmm.sh -------------------------------------------------------------------------------- /tests/buildkite/build-cuda.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-cuda.sh -------------------------------------------------------------------------------- /tests/buildkite/build-gpu-rpkg.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-gpu-rpkg.sh -------------------------------------------------------------------------------- /tests/buildkite/build-jvm-doc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-jvm-doc.sh -------------------------------------------------------------------------------- /tests/buildkite/build-jvm-packages.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-jvm-packages.sh -------------------------------------------------------------------------------- /tests/buildkite/build-rpkg-win64-gpu.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-rpkg-win64-gpu.ps1 -------------------------------------------------------------------------------- /tests/buildkite/build-win64-gpu.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/build-win64-gpu.ps1 -------------------------------------------------------------------------------- /tests/buildkite/conftest.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/conftest.ps1 -------------------------------------------------------------------------------- /tests/buildkite/conftest.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/conftest.sh -------------------------------------------------------------------------------- /tests/buildkite/deploy-jvm-packages.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/deploy-jvm-packages.sh -------------------------------------------------------------------------------- /tests/buildkite/enforce_daily_budget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/enforce_daily_budget.py -------------------------------------------------------------------------------- /tests/buildkite/enforce_daily_budget.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/enforce_daily_budget.sh -------------------------------------------------------------------------------- /tests/buildkite/infrastructure/requirements.txt: -------------------------------------------------------------------------------- 1 | boto3 2 | cfn_tools 3 | -------------------------------------------------------------------------------- /tests/buildkite/pipeline-mgpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/pipeline-mgpu.yml -------------------------------------------------------------------------------- /tests/buildkite/pipeline-win64.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/pipeline-win64.yml -------------------------------------------------------------------------------- /tests/buildkite/pipeline.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/pipeline.yml -------------------------------------------------------------------------------- /tests/buildkite/run-clang-tidy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/run-clang-tidy.sh -------------------------------------------------------------------------------- /tests/buildkite/test-cpp-gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/test-cpp-gpu.sh -------------------------------------------------------------------------------- /tests/buildkite/test-python-cpu-arm64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/test-python-cpu-arm64.sh -------------------------------------------------------------------------------- /tests/buildkite/test-python-cpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/test-python-cpu.sh -------------------------------------------------------------------------------- /tests/buildkite/test-python-gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/test-python-gpu.sh -------------------------------------------------------------------------------- /tests/buildkite/test-win64-gpu.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/buildkite/test-win64-gpu.ps1 -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.aarch64: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.aarch64 -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.clang_tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.clang_tidy -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.cpu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.cpu -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.gpu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.gpu -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.gpu_jvm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.gpu_jvm -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.jvm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.jvm -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.jvm_cross: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.jvm_cross -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.jvm_gpu_build: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.jvm_gpu_build -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.rmm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.rmm -------------------------------------------------------------------------------- /tests/ci_build/Dockerfile.s390x: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/Dockerfile.s390x -------------------------------------------------------------------------------- /tests/ci_build/build_jvm_doc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/build_jvm_doc.sh -------------------------------------------------------------------------------- /tests/ci_build/build_jvm_packages.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/build_jvm_packages.sh -------------------------------------------------------------------------------- /tests/ci_build/build_mock_cmake.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/build_mock_cmake.sh -------------------------------------------------------------------------------- /tests/ci_build/build_python_wheels.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/build_python_wheels.sh -------------------------------------------------------------------------------- /tests/ci_build/build_via_cmake.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/build_via_cmake.sh -------------------------------------------------------------------------------- /tests/ci_build/ci_build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/ci_build.sh -------------------------------------------------------------------------------- /tests/ci_build/conda_env/cpp_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/conda_env/cpp_test.yml -------------------------------------------------------------------------------- /tests/ci_build/conda_env/cpu_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/conda_env/cpu_test.yml -------------------------------------------------------------------------------- /tests/ci_build/deploy_jvm_packages.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/deploy_jvm_packages.sh -------------------------------------------------------------------------------- /tests/ci_build/entrypoint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/entrypoint.sh -------------------------------------------------------------------------------- /tests/ci_build/initialize_maven.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/initialize_maven.sh -------------------------------------------------------------------------------- /tests/ci_build/insert_vcomp140.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/insert_vcomp140.py -------------------------------------------------------------------------------- /tests/ci_build/jenkins_tools.Groovy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/jenkins_tools.Groovy -------------------------------------------------------------------------------- /tests/ci_build/lint_python.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/lint_python.py -------------------------------------------------------------------------------- /tests/ci_build/print_r_stacktrace.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/print_r_stacktrace.sh -------------------------------------------------------------------------------- /tests/ci_build/prune_libnccl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/prune_libnccl.sh -------------------------------------------------------------------------------- /tests/ci_build/rename_whl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/rename_whl.py -------------------------------------------------------------------------------- /tests/ci_build/test_jvm_cross.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/test_jvm_cross.sh -------------------------------------------------------------------------------- /tests/ci_build/test_python.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/test_python.sh -------------------------------------------------------------------------------- /tests/ci_build/test_r_package.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/test_r_package.py -------------------------------------------------------------------------------- /tests/ci_build/test_tidy.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/test_tidy.cc -------------------------------------------------------------------------------- /tests/ci_build/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/test_utils.py -------------------------------------------------------------------------------- /tests/ci_build/tidy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/tidy.py -------------------------------------------------------------------------------- /tests/ci_build/verify_link.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/ci_build/verify_link.sh -------------------------------------------------------------------------------- /tests/cli/machine.conf.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cli/machine.conf.in -------------------------------------------------------------------------------- /tests/cpp/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/CMakeLists.txt -------------------------------------------------------------------------------- /tests/cpp/c_api/test_c_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/c_api/test_c_api.cc -------------------------------------------------------------------------------- /tests/cpp/categorical_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/categorical_helpers.h -------------------------------------------------------------------------------- /tests/cpp/collective/test_socket.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/collective/test_socket.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_bitfield.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_bitfield.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_bitfield.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_bitfield.cu -------------------------------------------------------------------------------- /tests/cpp/common/test_categorical.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_categorical.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_charconv.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_charconv.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_column_matrix.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_column_matrix.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_common.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_config.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_config.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_group_data.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_group_data.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_hist_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_hist_util.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_hist_util.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_hist_util.cu -------------------------------------------------------------------------------- /tests/cpp/common/test_hist_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_hist_util.h -------------------------------------------------------------------------------- /tests/cpp/common/test_intrusive_ptr.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_intrusive_ptr.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_io.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_io.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_json.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_json.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_linalg.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_linalg.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_linalg.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_linalg.cu -------------------------------------------------------------------------------- /tests/cpp/common/test_monitor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_monitor.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_numeric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_numeric.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_parameter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_parameter.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_quantile.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_quantile.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_quantile.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_quantile.cu -------------------------------------------------------------------------------- /tests/cpp/common/test_quantile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_quantile.h -------------------------------------------------------------------------------- /tests/cpp/common/test_random.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_random.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_ranking_utils.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_ranking_utils.cu -------------------------------------------------------------------------------- /tests/cpp/common/test_span.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_span.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_span.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_span.cu -------------------------------------------------------------------------------- /tests/cpp/common/test_span.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_span.h -------------------------------------------------------------------------------- /tests/cpp/common/test_stats.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_stats.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_stats.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_stats.cu -------------------------------------------------------------------------------- /tests/cpp/common/test_string_view.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_string_view.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_survival_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_survival_util.cc -------------------------------------------------------------------------------- /tests/cpp/common/test_version.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/common/test_version.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_adapter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_adapter.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_array_interface.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_array_interface.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_array_interface.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_array_interface.cu -------------------------------------------------------------------------------- /tests/cpp/data/test_array_interface.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_array_interface.h -------------------------------------------------------------------------------- /tests/cpp/data/test_data.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_data.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_device_adapter.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_device_adapter.cu -------------------------------------------------------------------------------- /tests/cpp/data/test_ellpack_page.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_ellpack_page.cu -------------------------------------------------------------------------------- /tests/cpp/data/test_file_iterator.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_file_iterator.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_gradient_index.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_gradient_index.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_metainfo.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_metainfo.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_metainfo.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_metainfo.cu -------------------------------------------------------------------------------- /tests/cpp/data/test_metainfo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_metainfo.h -------------------------------------------------------------------------------- /tests/cpp/data/test_proxy_dmatrix.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_proxy_dmatrix.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_proxy_dmatrix.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_proxy_dmatrix.cu -------------------------------------------------------------------------------- /tests/cpp/data/test_simple_dmatrix.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_simple_dmatrix.cc -------------------------------------------------------------------------------- /tests/cpp/data/test_simple_dmatrix.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/data/test_simple_dmatrix.cu -------------------------------------------------------------------------------- /tests/cpp/filesystem.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/filesystem.h -------------------------------------------------------------------------------- /tests/cpp/gbm/test_gblinear.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/gbm/test_gblinear.cc -------------------------------------------------------------------------------- /tests/cpp/gbm/test_gbtree.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/gbm/test_gbtree.cc -------------------------------------------------------------------------------- /tests/cpp/helpers.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/helpers.cc -------------------------------------------------------------------------------- /tests/cpp/helpers.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/helpers.cu -------------------------------------------------------------------------------- /tests/cpp/helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/helpers.h -------------------------------------------------------------------------------- /tests/cpp/histogram_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/histogram_helpers.h -------------------------------------------------------------------------------- /tests/cpp/linear/test_json_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/linear/test_json_io.h -------------------------------------------------------------------------------- /tests/cpp/linear/test_linear.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/linear/test_linear.cc -------------------------------------------------------------------------------- /tests/cpp/linear/test_linear.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/linear/test_linear.cu -------------------------------------------------------------------------------- /tests/cpp/metric/test_auc.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/metric/test_auc.cc -------------------------------------------------------------------------------- /tests/cpp/metric/test_auc.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/metric/test_auc.cu -------------------------------------------------------------------------------- /tests/cpp/metric/test_metric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/metric/test_metric.cc -------------------------------------------------------------------------------- /tests/cpp/metric/test_rank_metric.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/metric/test_rank_metric.cc -------------------------------------------------------------------------------- /tests/cpp/metric/test_rank_metric.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/metric/test_rank_metric.cu -------------------------------------------------------------------------------- /tests/cpp/objective/test_aft_obj.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/objective/test_aft_obj.cc -------------------------------------------------------------------------------- /tests/cpp/objective/test_aft_obj.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/objective/test_aft_obj.cu -------------------------------------------------------------------------------- /tests/cpp/objective/test_hinge.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/objective/test_hinge.cc -------------------------------------------------------------------------------- /tests/cpp/objective/test_hinge.cu: -------------------------------------------------------------------------------- 1 | #include "test_hinge.cc" 2 | -------------------------------------------------------------------------------- /tests/cpp/objective/test_multiclass_obj_gpu.cu: -------------------------------------------------------------------------------- 1 | #include "test_multiclass_obj.cc" 2 | -------------------------------------------------------------------------------- /tests/cpp/objective/test_objective.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/objective/test_objective.cc -------------------------------------------------------------------------------- /tests/cpp/plugin/helpers.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/plugin/helpers.cc -------------------------------------------------------------------------------- /tests/cpp/plugin/helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/plugin/helpers.h -------------------------------------------------------------------------------- /tests/cpp/predictor/test_predictor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/predictor/test_predictor.cc -------------------------------------------------------------------------------- /tests/cpp/predictor/test_predictor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/predictor/test_predictor.h -------------------------------------------------------------------------------- /tests/cpp/rabit/allreduce_base_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/rabit/allreduce_base_test.cc -------------------------------------------------------------------------------- /tests/cpp/rabit/test_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/rabit/test_utils.cc -------------------------------------------------------------------------------- /tests/cpp/test_global_config.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/test_global_config.cc -------------------------------------------------------------------------------- /tests/cpp/test_helpers.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/test_helpers.cc -------------------------------------------------------------------------------- /tests/cpp/test_learner.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/test_learner.cc -------------------------------------------------------------------------------- /tests/cpp/test_logging.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/test_logging.cc -------------------------------------------------------------------------------- /tests/cpp/test_main.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/test_main.cc -------------------------------------------------------------------------------- /tests/cpp/test_serialization.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/test_serialization.cc -------------------------------------------------------------------------------- /tests/cpp/tree/gpu_hist/test_driver.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/gpu_hist/test_driver.cu -------------------------------------------------------------------------------- /tests/cpp/tree/hist/test_histogram.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/hist/test_histogram.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_approx.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_approx.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_constraints.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_constraints.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_constraints.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_constraints.cu -------------------------------------------------------------------------------- /tests/cpp/tree/test_evaluate_splits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_evaluate_splits.h -------------------------------------------------------------------------------- /tests/cpp/tree/test_gpu_hist.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_gpu_hist.cu -------------------------------------------------------------------------------- /tests/cpp/tree/test_histmaker.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_histmaker.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_node_partition.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_node_partition.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_param.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_param.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_partitioner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_partitioner.h -------------------------------------------------------------------------------- /tests/cpp/tree/test_prune.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_prune.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_quantile_hist.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_quantile_hist.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_refresh.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_refresh.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_regen.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_regen.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_tree_model.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_tree_model.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_tree_policy.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_tree_policy.cc -------------------------------------------------------------------------------- /tests/cpp/tree/test_tree_stat.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/cpp/tree/test_tree_stat.cc -------------------------------------------------------------------------------- /tests/distributed/test_federated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/distributed/test_federated.py -------------------------------------------------------------------------------- /tests/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/pytest.ini -------------------------------------------------------------------------------- /tests/python-gpu/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/conftest.py -------------------------------------------------------------------------------- /tests/python-gpu/load_pickle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/load_pickle.py -------------------------------------------------------------------------------- /tests/python-gpu/test_from_cudf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_from_cudf.py -------------------------------------------------------------------------------- /tests/python-gpu/test_from_cupy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_from_cupy.py -------------------------------------------------------------------------------- /tests/python-gpu/test_gpu_demos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_gpu_demos.py -------------------------------------------------------------------------------- /tests/python-gpu/test_gpu_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_gpu_linear.py -------------------------------------------------------------------------------- /tests/python-gpu/test_gpu_pickling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_gpu_pickling.py -------------------------------------------------------------------------------- /tests/python-gpu/test_gpu_plotting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_gpu_plotting.py -------------------------------------------------------------------------------- /tests/python-gpu/test_gpu_ranking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_gpu_ranking.py -------------------------------------------------------------------------------- /tests/python-gpu/test_gpu_updaters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_gpu_updaters.py -------------------------------------------------------------------------------- /tests/python-gpu/test_large_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python-gpu/test_large_input.py -------------------------------------------------------------------------------- /tests/python/generate_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/generate_models.py -------------------------------------------------------------------------------- /tests/python/test_basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_basic.py -------------------------------------------------------------------------------- /tests/python/test_basic_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_basic_models.py -------------------------------------------------------------------------------- /tests/python/test_callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_callback.py -------------------------------------------------------------------------------- /tests/python/test_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_cli.py -------------------------------------------------------------------------------- /tests/python/test_collective.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_collective.py -------------------------------------------------------------------------------- /tests/python/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_config.py -------------------------------------------------------------------------------- /tests/python/test_data_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_data_iterator.py -------------------------------------------------------------------------------- /tests/python/test_demos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_demos.py -------------------------------------------------------------------------------- /tests/python/test_dmatrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_dmatrix.py -------------------------------------------------------------------------------- /tests/python/test_dt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_dt.py -------------------------------------------------------------------------------- /tests/python/test_early_stopping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_early_stopping.py -------------------------------------------------------------------------------- /tests/python/test_eval_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_eval_metrics.py -------------------------------------------------------------------------------- /tests/python/test_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_linear.py -------------------------------------------------------------------------------- /tests/python/test_openmp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_openmp.py -------------------------------------------------------------------------------- /tests/python/test_parse_tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_parse_tree.py -------------------------------------------------------------------------------- /tests/python/test_pickling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_pickling.py -------------------------------------------------------------------------------- /tests/python/test_plotting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_plotting.py -------------------------------------------------------------------------------- /tests/python/test_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_predict.py -------------------------------------------------------------------------------- /tests/python/test_quantile_dmatrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_quantile_dmatrix.py -------------------------------------------------------------------------------- /tests/python/test_ranking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_ranking.py -------------------------------------------------------------------------------- /tests/python/test_shap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_shap.py -------------------------------------------------------------------------------- /tests/python/test_spark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/python/test_spark/test_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_spark/test_data.py -------------------------------------------------------------------------------- /tests/python/test_spark/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_spark/utils.py -------------------------------------------------------------------------------- /tests/python/test_survival.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_survival.py -------------------------------------------------------------------------------- /tests/python/test_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_tracker.py -------------------------------------------------------------------------------- /tests/python/test_updaters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_updaters.py -------------------------------------------------------------------------------- /tests/python/test_with_arrow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_with_arrow.py -------------------------------------------------------------------------------- /tests/python/test_with_dask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_with_dask.py -------------------------------------------------------------------------------- /tests/python/test_with_modin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_with_modin.py -------------------------------------------------------------------------------- /tests/python/test_with_pandas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_with_pandas.py -------------------------------------------------------------------------------- /tests/python/test_with_shap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_with_shap.py -------------------------------------------------------------------------------- /tests/python/test_with_sklearn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/test_with_sklearn.py -------------------------------------------------------------------------------- /tests/python/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/testing.py -------------------------------------------------------------------------------- /tests/python/with_omp_limit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/rapidsai/xgboost/HEAD/tests/python/with_omp_limit.py --------------------------------------------------------------------------------