Files in xgboost
Extreme Gradient Boosting

configure
MD5
NAMESPACE
configure.ac
DESCRIPTION
LICENSE
configure.win
cleanup
R/xgb.plot.shap.R R/xgb.config.R R/xgb.model.dt.tree.R R/xgb.DMatrix.save.R R/xgb.plot.deepness.R R/xgb.train.R R/xgb.serialize.R R/xgb.ggplot.R R/xgb.unserialize.R R/xgb.dump.R R/xgb.load.R R/xgb.Booster.R R/xgb.save.raw.R R/callbacks.R R/xgboost.R R/xgb.create.features.R R/xgb.plot.multi.trees.R R/xgb.cv.R R/xgb.plot.tree.R R/xgb.plot.importance.R R/xgb.importance.R R/xgb.DMatrix.R R/xgb.load.raw.R R/xgb.save.R R/utils.R
src/Makevars.win
src/xgboost_R.cc
src/xgboost_custom.cc
src/init.c
src/xgboost_R.h
src/Makevars.in
src/xgboost-win.def
src/include/xgboost/base.h
src/include/xgboost/version_config.h
src/include/xgboost/generic_parameters.h
src/include/xgboost/linear_updater.h
src/include/xgboost/gbm.h
src/include/xgboost/model.h
src/include/xgboost/global_config.h
src/include/xgboost/logging.h
src/include/xgboost/tree_updater.h
src/include/xgboost/json.h
src/include/xgboost/feature_map.h
src/include/xgboost/data.h
src/include/xgboost/string_view.h
src/include/xgboost/predictor.h
src/include/xgboost/linalg.h
src/include/xgboost/c_api.h
src/include/xgboost/host_device_vector.h
src/include/xgboost/metric.h
src/include/xgboost/parameter.h
src/include/xgboost/span.h
src/include/xgboost/json_io.h
src/include/xgboost/objective.h
src/include/xgboost/task.h
src/include/xgboost/learner.h
src/include/xgboost/tree_model.h
src/include/xgboost/intrusive_ptr.h
src/include/xgboost/collective/socket.h
src/src/learner.cc
src/src/CMakeLists.txt
src/src/logging.cc
src/src/global_config.cc
src/src/cli_main.cc
src/src/tree/updater_sync.cc
src/src/tree/tree_model.cc
src/src/tree/param.cc
src/src/tree/updater_gpu_common.cuh
src/src/tree/updater_quantile_hist.h
src/src/tree/constraints.h
src/src/tree/updater_colmaker.cc
src/src/tree/constraints.cc
src/src/tree/updater_gpu_hist.cu
src/src/tree/constraints.cu
src/src/tree/constraints.cuh
src/src/tree/common_row_partitioner.h
src/src/tree/param.h
src/src/tree/tree_updater.cc
src/src/tree/updater_refresh.cc
src/src/tree/updater_quantile_hist.cc
src/src/tree/split_evaluator.h
src/src/tree/updater_prune.cc
src/src/tree/driver.h
src/src/tree/updater_approx.cc
src/src/tree/hist/evaluate_splits.h
src/src/tree/hist/expand_entry.h
src/src/tree/hist/histogram.h
src/src/tree/gpu_hist/gradient_based_sampler.cu
src/src/tree/gpu_hist/gradient_based_sampler.cuh
src/src/tree/gpu_hist/histogram.cu
src/src/tree/gpu_hist/expand_entry.cuh
src/src/tree/gpu_hist/evaluator.cu
src/src/tree/gpu_hist/evaluate_splits.cuh
src/src/tree/gpu_hist/row_partitioner.cu
src/src/tree/gpu_hist/histogram.cuh
src/src/tree/gpu_hist/feature_groups.cuh
src/src/tree/gpu_hist/evaluate_splits.cu
src/src/tree/gpu_hist/row_partitioner.cuh
src/src/tree/gpu_hist/feature_groups.cu
src/src/predictor/predict_fn.h
src/src/predictor/gpu_predictor.cu
src/src/predictor/predictor.cc
src/src/predictor/cpu_predictor.cc
src/src/data/proxy_dmatrix.h
src/src/data/ellpack_page.cu
src/src/data/array_interface.cu
src/src/data/gradient_index.cc
src/src/data/simple_dmatrix.cuh
src/src/data/gradient_index_page_source.cc
src/src/data/ellpack_page.cc
src/src/data/validation.h
src/src/data/proxy_dmatrix.cc
src/src/data/proxy_dmatrix.cu
src/src/data/ellpack_page_source.cu
src/src/data/sparse_page_writer.h
src/src/data/simple_batch_iterator.h
src/src/data/simple_dmatrix.cu
src/src/data/adapter.h
src/src/data/gradient_index.cu
src/src/data/sparse_page_source.h
src/src/data/device_adapter.cuh
src/src/data/iterative_dmatrix.cu
src/src/data/ellpack_page.cuh
src/src/data/array_interface.h
src/src/data/ellpack_page_raw_format.cu
src/src/data/gradient_index_page_source.h
src/src/data/ellpack_page_source.h
src/src/data/sparse_page_raw_format.cc
src/src/data/gradient_index_format.cc
src/src/data/sparse_page_dmatrix.cc
src/src/data/arrow-cdi.h
src/src/data/histogram_cut_format.h
src/src/data/proxy_dmatrix.cuh
src/src/data/iterative_dmatrix.cc
src/src/data/data.cc
src/src/data/data.cu
src/src/data/iterative_dmatrix.h
src/src/data/file_iterator.h
src/src/data/sparse_page_dmatrix.h
src/src/data/sparse_page_dmatrix.cu
src/src/data/simple_dmatrix.cc
src/src/data/sparse_page_source.cu
src/src/data/simple_dmatrix.h
src/src/data/gradient_index.h
src/src/c_api/c_api.cu
src/src/c_api/c_api_error.h
src/src/c_api/c_api_error.cc
src/src/c_api/c_api.cc
src/src/c_api/c_api_utils.h
src/src/collective/device_communicator_adapter.cuh
src/src/collective/nccl_device_communicator.cuh
src/src/collective/socket.cc
src/src/collective/device_communicator.cuh
src/src/collective/noop_communicator.h
src/src/collective/communicator-inl.h
src/src/collective/rabit_communicator.h
src/src/collective/communicator.cu
src/src/collective/communicator.cc
src/src/collective/communicator.h
src/src/objective/rank_obj.cc
src/src/objective/adaptive.h
src/src/objective/multiclass_obj.cu
src/src/objective/regression_obj.cu
src/src/objective/adaptive.cu
src/src/objective/adaptive.cc
src/src/objective/objective.cc
src/src/objective/hinge.cc
src/src/objective/aft_obj.cu
src/src/objective/hinge.cu
src/src/objective/aft_obj.cc
src/src/objective/rank_obj.cu
src/src/objective/multiclass_obj.cc
src/src/objective/regression_obj.cc
src/src/objective/regression_loss.h
src/src/linear/updater_coordinate.cc
src/src/linear/coordinate_common.h
src/src/linear/param.h
src/src/linear/updater_shotgun.cc
src/src/linear/updater_gpu_coordinate.cu
src/src/linear/linear_updater.cc
src/src/common/random.h
src/src/common/ranking_utils.cuh
src/src/common/common.h
src/src/common/io.h
src/src/common/charconv.h
src/src/common/timer.h
src/src/common/device_helpers.cuh
src/src/common/compressed_iterator.h
src/src/common/partition_builder.h
src/src/common/column_matrix.cc
src/src/common/numeric.cu
src/src/common/observer.h
src/src/common/cuda_pinned_allocator.h
src/src/common/common.cc
src/src/common/linalg_op.h
src/src/common/stats.h
src/src/common/common.cu
src/src/common/linalg_op.cuh
src/src/common/numeric.cc
src/src/common/quantile.cu
src/src/common/random.cc
src/src/common/categorical.h
src/src/common/bitfield.h
src/src/common/io.cc
src/src/common/stats.cu
src/src/common/host_device_vector.cc
src/src/common/algorithm.cuh
src/src/common/hist_util.h
src/src/common/version.cc
src/src/common/column_matrix.h
src/src/common/hist_util.cc
src/src/common/quantile.h
src/src/common/survival_util.h
src/src/common/hist_util.cu
src/src/common/pseudo_huber.h
src/src/common/config.h
src/src/common/transform.h
src/src/common/pseudo_huber.cc
src/src/common/base64.h
src/src/common/threading_utils.h
src/src/common/probability_distribution.h
src/src/common/math.h
src/src/common/hist_util.cuh
src/src/common/quantile.cuh
src/src/common/group_data.h
src/src/common/json.cc
src/src/common/algorithm.h
src/src/common/stats.cuh
src/src/common/numeric.h
src/src/common/version.h
src/src/common/quantile.cc
src/src/common/charconv.cc
src/src/common/host_device_vector.cu
src/src/common/timer.cc
src/src/common/row_set.h
src/src/common/survival_util.cc
src/src/common/threading_utils.cc
src/src/gbm/gbm.cc
src/src/gbm/gbtree.cu
src/src/gbm/gbtree.cc
src/src/gbm/gblinear_model.h
src/src/gbm/gbtree.h
src/src/gbm/gblinear_model.cc
src/src/gbm/gblinear.cc
src/src/gbm/gbtree_model.h
src/src/gbm/gbtree_model.cc
src/src/metric/rank_metric.cc
src/src/metric/auc.h
src/src/metric/elementwise_metric.cu
src/src/metric/multiclass_metric.cu
src/src/metric/rank_metric.cu
src/src/metric/survival_metric.cu
src/src/metric/metric_common.h
src/src/metric/elementwise_metric.cc
src/src/metric/metric.cc
src/src/metric/auc.cc
src/src/metric/survival_metric.cc
src/src/metric/multiclass_metric.cc
src/src/metric/auc.cu
src/dmlc-core/include/dmlc/base.h
src/dmlc-core/include/dmlc/concurrency.h
src/dmlc-core/include/dmlc/common.h
src/dmlc-core/include/dmlc/io.h
src/dmlc-core/include/dmlc/blockingconcurrentqueue.h
src/dmlc-core/include/dmlc/thread_local.h
src/dmlc-core/include/dmlc/timer.h
src/dmlc-core/include/dmlc/filesystem.h
src/dmlc-core/include/dmlc/any.h
src/dmlc-core/include/dmlc/recordio.h
src/dmlc-core/include/dmlc/serializer.h
src/dmlc-core/include/dmlc/logging.h
src/dmlc-core/include/dmlc/omp.h
src/dmlc-core/include/dmlc/json.h
src/dmlc-core/include/dmlc/data.h
src/dmlc-core/include/dmlc/registry.h
src/dmlc-core/include/dmlc/build_config_default.h
src/dmlc-core/include/dmlc/concurrentqueue.h
src/dmlc-core/include/dmlc/type_traits.h
src/dmlc-core/include/dmlc/optional.h
src/dmlc-core/include/dmlc/lua.h
src/dmlc-core/include/dmlc/memory.h
src/dmlc-core/include/dmlc/config.h
src/dmlc-core/include/dmlc/parameter.h
src/dmlc-core/include/dmlc/threadediter.h
src/dmlc-core/include/dmlc/thread_group.h
src/dmlc-core/include/dmlc/array_view.h
src/dmlc-core/include/dmlc/endian.h
src/dmlc-core/include/dmlc/strtonum.h
src/dmlc-core/include/dmlc/input_split_shuffle.h
src/dmlc-core/include/dmlc/memory_io.h
src/dmlc-core/src/io.cc
src/dmlc-core/src/data.cc
src/dmlc-core/src/config.cc
src/dmlc-core/src/recordio.cc
src/dmlc-core/src/io/azure_filesys.cc
src/dmlc-core/src/io/line_split.cc
src/dmlc-core/src/io/indexed_recordio_split.h
src/dmlc-core/src/io/s3_filesys.cc
src/dmlc-core/src/io/cached_input_split.h
src/dmlc-core/src/io/local_filesys.cc
src/dmlc-core/src/io/recordio_split.h
src/dmlc-core/src/io/recordio_split.cc
src/dmlc-core/src/io/single_file_split.h
src/dmlc-core/src/io/s3_filesys.h
src/dmlc-core/src/io/azure_filesys.h
src/dmlc-core/src/io/hdfs_filesys.h
src/dmlc-core/src/io/input_split_base.cc
src/dmlc-core/src/io/single_threaded_input_split.h
src/dmlc-core/src/io/local_filesys.h
src/dmlc-core/src/io/line_split.h
src/dmlc-core/src/io/indexed_recordio_split.cc
src/dmlc-core/src/io/threaded_input_split.h
src/dmlc-core/src/io/uri_spec.h
src/dmlc-core/src/io/filesys.cc
src/dmlc-core/src/io/hdfs_filesys.cc
src/dmlc-core/src/io/input_split_base.h
src/dmlc-core/src/data/libsvm_parser.h
src/dmlc-core/src/data/text_parser.h
src/dmlc-core/src/data/parquet_parser.h
src/dmlc-core/src/data/libfm_parser.h
src/dmlc-core/src/data/csv_parser.h
src/dmlc-core/src/data/disk_row_iter.h
src/dmlc-core/src/data/basic_row_iter.h
src/dmlc-core/src/data/parser.h
src/dmlc-core/src/data/row_block.h
src/amalgamation/dmlc-minimum0.cc
src/rabit/include/rabit/rabit.h
src/rabit/include/rabit/base.h
src/rabit/include/rabit/serializable.h
src/rabit/include/rabit/c_api.h
src/rabit/include/rabit/internal/engine.h
src/rabit/include/rabit/internal/io.h
src/rabit/include/rabit/internal/rabit-inl.h
src/rabit/include/rabit/internal/socket.h
src/rabit/include/rabit/internal/utils.h
src/rabit/src/engine_mpi.cc
src/rabit/src/allreduce_mock.h
src/rabit/src/engine.cc
src/rabit/src/allreduce_base.cc
src/rabit/src/engine_mock.cc
src/rabit/src/rabit_c_api.cc
src/rabit/src/allreduce_base.h
inst/make-r-def.R
inst/doc/discoverYourData.html
inst/doc/xgboostPresentation.html
inst/doc/xgboost.Rnw
inst/doc/xgboostPresentation.R inst/doc/xgboostfromJSON.Rmd inst/doc/xgboost.pdf inst/doc/xgboostfromJSON.R inst/doc/xgboost.R inst/doc/discoverYourData.R inst/doc/xgboostPresentation.Rmd inst/doc/discoverYourData.Rmd
inst/doc/xgboostfromJSON.html
demo/predict_leaf_indices.R demo/generalized_linear_model.R demo/custom_objective.R demo/boost_from_prediction.R demo/tweedie_regression.R demo/create_sparse_matrix.R demo/interaction_constraints.R
demo/00Index
demo/basic_walkthrough.R demo/poisson_regression.R demo/caret_wrapper.R demo/gpu_accelerated.R demo/predict_first_ntree.R demo/cross_validation.R demo/early_stopping.R
build/vignette.rds
tests/testthat.R tests/testthat/test_helpers.R tests/testthat/test_basic.R tests/testthat/test_poisson_regression.R tests/testthat/test_feature_weights.R tests/testthat/test_interaction_constraints.R tests/testthat/test_ranking.R tests/testthat/test_monotone.R tests/testthat/test_update.R tests/testthat/test_interactions.R tests/testthat/test_gc_safety.R tests/testthat/test_model_compatibility.R tests/testthat/test_callbacks.R tests/testthat/test_dmatrix.R tests/testthat/test_config.R tests/testthat/test_glm.R tests/testthat/test_custom_objective.R tests/testthat/test_io.R tests/testthat/test_parameter_exposure.R
vignettes/xgboost.bib
vignettes/xgboost.Rnw
vignettes/xgboostfromJSON.Rmd
vignettes/vignette.css
vignettes/xgboostPresentation.Rmd vignettes/discoverYourData.Rmd
data/agaricus.train.rda
data/agaricus.test.rda
man/xgb.plot.multi.trees.Rd man/xgbConfig.Rd man/xgb.cv.Rd man/normalize.Rd man/xgb.plot.shap.summary.Rd man/xgb.plot.tree.Rd man/xgb.importance.Rd man/xgb.DMatrix.save.Rd man/xgb.parameters.Rd man/xgb.dump.Rd man/prepare.ggplot.shap.data.Rd man/setinfo.Rd man/xgb.plot.deepness.Rd man/print.xgb.cv.Rd man/xgb.gblinear.history.Rd man/cb.evaluation.log.Rd man/callbacks.Rd man/cb.early.stop.Rd man/xgb.shap.data.Rd man/cb.cv.predict.Rd man/xgb.attr.Rd man/dimnames.xgb.DMatrix.Rd man/xgb.save.raw.Rd man/xgb.serialize.Rd man/xgb.DMatrix.Rd man/xgb.config.Rd man/dim.xgb.DMatrix.Rd man/xgb.save.Rd man/print.xgb.DMatrix.Rd man/agaricus.train.Rd man/cb.save.model.Rd man/cb.gblinear.history.Rd man/xgb.create.features.Rd man/xgb.load.Rd man/xgb.load.raw.Rd man/xgboost-deprecated.Rd man/cb.reset.parameters.Rd man/xgb.unserialize.Rd man/xgb.Booster.complete.Rd man/xgb.model.dt.tree.Rd man/xgb.train.Rd man/slice.xgb.DMatrix.Rd man/xgb.plot.importance.Rd man/agaricus.test.Rd man/cb.print.evaluation.Rd man/a-compatibility-note-for-saveRDS-save.Rd man/print.xgb.Booster.Rd man/predict.xgb.Booster.Rd man/xgb.plot.shap.Rd man/getinfo.Rd
xgboost documentation built on March 31, 2023, 10:05 p.m.