点击上方“Datawhale”,选择“星标”公众号
第一时间获取价值内容

CatBoost

无需调参即可获得较高的模型质量,采用默认参数就可以获得非常好的结果,减少在调参上面花的时间 支持类别型变量,无需对非数值型特征进行预处理 快速、可扩展的GPU版本,可以用基于GPU的梯度提升算法实现来训练你的模型,支持多卡并行 提高准确性,提出一种全新的梯度提升机制来构建模型以减少过拟合 快速预测,即便应对延时非常苛刻的任务也能够快速高效部署模型
Anna Veronika Dorogush, Andrey Gulin, Gleb Gusev, Nikita Kazeev, Liudmila Ostroumova Prokhorenkova, Aleksandr Vorobev "Fighting biases with dynamic boosting". arXiv:1706.09516, 2017 Anna Veronika Dorogush, Vasily Ershov, Andrey Gulin "CatBoost: gradient boosting with categorical features support". Workshop on ML Systems at NIPS 2017
Categorical features
One-hot encoding:将原来的特征删除,然后对于每一个类别加一个0/1的用来指示是否含有该类别的数值型特征。One-hot encoding可以在数据预处理时完成,也可以在模型训练的时候完成,从训练时间的角度,后一种方法的实现更为高效,CatBoost对于低势类别特征也是采用后一种实现。user ID,这种编码方式会产生大量新的特征,造成维度灾难。一种折中的办法是可以将类别分组成有限个的群体再进行 One-hot encoding。一种常被使用的方法是根据目标变量统计(Target Statistics,以下简称TS)进行分组,目标变量统计用于估算每个类别的目标变量期望值。甚至有人直接用TS作为一个新的数值型变量来代替原来的类别型变量。重要的是,可以通过对TS数值型特征的阈值设置,基于对数损失、基尼系数或者均方差,得到一个对于训练集而言将类别一分为二的所有可能划分当中最优的那个。在LightGBM当中,类别型特征用每一步梯度提升时的梯度统计(Gradient Statistics,以下简称GS)来表示。虽然为建树提供了重要的信息,但是这种方法有以下两个缺点:增加计算时间,因为需要对每一个类别型特征,在迭代的每一步,都需要对GS进行计算; 增加存储需求,对于一个类别型变量,需要存储每一次分离每个节点的类别。
One-hot encoding还是好不少。不过如果采用TS特征,那么对于每个类别只需要计算和存储一个数字。One-hot encoding和GS放一边。对于训练样本: 对于测试样本:
对于测试样本:
产生一个随机排列顺序并对数据集进行编号 对于训练样本: 对于测试样本: 根据带先验概率的Greedy TS计算

Gradient bias

Prediction shift
对于梯度提升:
根据进行随机计算的条件分布与测试集的分布发生偏移 这样导致基学习器与 产生偏差 最后影响模型的泛化能力
损失函数: 两个相互独立的特征,随机变量,符合伯努利分布,先验概率 目标函数: 梯度提升迭代次数为2 树深度为1 学习率:
如果使用了规模为的两个独立数据集和 来分别估算 和,则对于任意,有: 如果使用了相同的数据集来估算 和,则有:
Ordered boosting

GPU加速
sklearn参数
sklearn本身的文档当中并没有CatBoost的描述,CatBoost python-reference_parameters-list上面看到主要参数如下:iterations: 迭代次数, 解决机器学习问题能够构建的最大树的数目,default=1000learning_rate: 学习率,default=0.03depth: 树的深度,default=6l2_leaf_reg: 正则化数,default=3.0model_size_reg:模型大小正则化系数,数值越到,模型越小,仅在有类别型变量的时候起作用,取值范围从0到,GPU计算时不可用, default=Nonersm: =None,loss_function: 损失函数,字符串 (分类任务,default=Logloss,回归任务,default=RMSE)border_count: 数值型变量的分箱个数CPU:1~65535的整数,default=254 GPU:1~255的整数,default=128
feature_border_type: 数值型变量分箱个数的初始量化模式,default=GreedyLogSumMedian Uniform UniformAndQuantiles MaxLogSum MinEntropy GreedyLogSum
per_float_feature_quantization: 指定特定特征的分箱个数,default=None,input_borders=None,output_borders=None,fold_permutation_block: 对数据集进行随机排列之前分组的block大小,default=1od_pval: 过拟合检测阈值,数值越大,越早检测到过拟合,default=0od_wait: 达成优化目标以后继续迭代的次数,default=20od_type: 过拟合检测类型,default=IncToDecIncToDec Iter
nan_mode: 缺失值的预处理方法,字符串类型,default=MinForbidden: 不支持缺失值Min: 缺失值赋值为最小值Max: 缺失值赋值为最大值
counter_calc_method: 计算Counter CTR类型的方法,default=Noneleaf_estimation_iterations: 计算叶子节点值时候的迭代次数,default=None,leaf_estimation_method: 计算叶子节点值的方法,default=GradientNewton Gradient
thread_count: 训练期间的进程数,default=-1,进程数与部件的核心数相同random_seed: 随机数种子,default=0use_best_model: 如果有设置eval_set设置了验证集的话可以设为True,否则为Falseverbose: 是否显示详细信息,default=1logging_level: 打印的日志级别,default=Nonemetric_period: 计算优化评估值的频率,default=1ctr_leaf_count_limit: 类别型特征最大叶子数,default=Nonestore_all_simple_ctr: 是否忽略类别型特征,default=Falsemax_ctr_complexity: 最大特征组合数,default=4has_time: 是否采用输入数据的顺序,default=Falseallow_const_label: 使用它为所有对象用具有相同标签值的数据集训练模型,default=Noneclasses_count: 多分类当中类别数目上限,defalut=Noneclass_weights: 类别权重,default=Noneone_hot_max_size: one-hot编码最大规模,默认值根据数据和训练环境的不同而不同random_strength: 树结构确定以后为分裂点进行打分的时候的随机强度,default=1name: 在可视化工具当中需要显示的实验名字ignored_features: 在训练当中需要排除的特征名称或者索引,default=Nonetrain_dir: 训练过程当中文件保存的目录custom_loss: 用户自定义的损失函数custom_metric: 自定义训练过程当中输出的评估指标,default=Noneeval_metric: 过拟合检测或者最优模型选择的评估指标loss-functions
bagging_temperature: 贝叶斯bootstrap强度设置,default=1save_snapshot: 训练中断情况下保存快照文件snapshot_file: 训练过程信息保存的文件名字snapshot_interval: 快照保存间隔时间,单位秒fold_len_multiplier: 改变fold长度的系数,default=2used_ram_limit: 类别型特征使用内存限制,default=Nonegpu_ram_part: GPU内存使用率,default=0.95allow_writing_files: 训练过程当中允许写入分析和快照文件,default=Truefinal_ctr_computation_mode: Final CTR计算模式approx_on_full_history: 计算近似值的原则,default=Falseboosting_type: 提升模式Ordered Plain
simple_ctr: 单一类别型特征的量化设置CtrType TargetBorderCount TargetBorderType CtrBorderCount CtrBorderType Prior
combinations_ctr: 组合类别型特征的量化设置CtrType TargetBorderCount TargetBorderType CtrBorderCount CtrBorderType Prior
per_feature_ctr: 以上几个参数的设置具体可以细看下面的文档Categorical features
task_type: 任务类型,CPU或者GPU,default=CPUdevice_config: =Nonedevices: 用来训练的GPU设备号,default=NULLbootstrap_type: 自采样类型,default=BayesianBayesian Bernoulli MVS Poisson No
subsample: bagging的采样率,default=0.66sampling_unit: 采样模式,default=ObjectObject Group
dev_score_calc_obj_block_size: =None,max_depth: 树的最大深度n_estimators: 迭代次数num_boost_round: 迭代轮数num_trees: 树的数目colsample_bylevel: 按层抽样比例,default=Nonerandom_state: 随机数状态reg_lambda: 损失函数范数,default=3.0objective: =同损失函数eta: 学习率max_bin: =同border_coucntscale_pos_weight: 二分类任务当中1类的权重,default=1.0gpu_cat_features_storage: GPU训练时类别型特征的存储方式,default=GpuRamCpuPinnedMemory GpuRam
data_partition: 分布式训练时数据划分方法特征并行 样本并行
metadata: =Noneearly_stopping_rounds: 早停轮次,default=Falsecat_features: =指定类别型特征的名称或者索引grow_policy: 树的生长策略min_data_in_leaf: 叶子节点最小样本数,default=1min_child_samples: 叶子节点最小样本数,default=1max_leaves: 最大叶子数,default=31num_leaves: 叶子数score_function: 建树过程当中的打分函数leaf_estimation_backtracking: 梯度下降时回溯类型ctr_history_unit: =Nonemonotone_constraints: =None
class CatBoostClassifier(iterations=None, learning_rate=None, depth=None, l2_leaf_reg=None, model_size_reg=None, rsm=None, loss_function=None, border_count=None, feature_border_type=None, per_float_feature_quantization=None, input_borders=None, output_borders=None, fold_permutation_block=None, od_pval=None, od_wait=None, od_type=None, nan_mode=None, counter_calc_method=None, leaf_estimation_iterations=None, leaf_estimation_method=None, thread_count=None, random_seed=None, use_best_model=None, verbose=None, logging_level=None, metric_period=None, ctr_leaf_count_limit=None, store_all_simple_ctr=None, max_ctr_complexity=None, has_time=None, allow_const_label=None, classes_count=None, class_weights=None, one_hot_max_size=None, random_strength=None, name=None, ignored_features=None, train_dir=None, custom_loss=None, custom_metric=None, eval_metric=None, bagging_temperature=None, save_snapshot=None, snapshot_file=None, snapshot_interval=None, fold_len_multiplier=None, used_ram_limit=None, gpu_ram_part=None, allow_writing_files=None, final_ctr_computation_mode=None, approx_on_full_history=None, boosting_type=None, simple_ctr=None, combinations_ctr=None, per_feature_ctr=None, task_type=None, device_config=None, devices=None, bootstrap_type=None, subsample=None, sampling_unit=None, dev_score_calc_obj_block_size=None, max_depth=None, n_estimators=None, num_boost_round=None, num_trees=None, colsample_bylevel=None, random_state=None, reg_lambda=None, objective=None, eta=None, max_bin=None, scale_pos_weight=None, gpu_cat_features_storage=None, data_partition=None metadata=None, early_stopping_rounds=None, cat_features=None, grow_policy=None, min_data_in_leaf=None, min_child_samples=None, max_leaves=None, num_leaves=None, score_function=None, leaf_estimation_backtracking=None, ctr_history_unit=None, monotone_constraints=None) brclass CatBoostRegressor(iterations=None, learning_rate=None, depth=None, l2_leaf_reg=None, model_size_reg=None, rsm=None, loss_function='RMSE', border_count=None, feature_border_type=None, per_float_feature_quantization=None, input_borders=None, output_borders=None, fold_permutation_block=None, od_pval=None, od_wait=None, od_type=None, nan_mode=None, counter_calc_method=None, leaf_estimation_iterations=None, leaf_estimation_method=None, thread_count=None, random_seed=None, use_best_model=None, best_model_min_trees=None, verbose=None, silent=None, logging_level=None, metric_period=None, ctr_leaf_count_limit=None, store_all_simple_ctr=None, max_ctr_complexity=None, has_time=None, allow_const_label=None, one_hot_max_size=None, random_strength=None, name=None, ignored_features=None, train_dir=None, custom_metric=None, eval_metric=None, bagging_temperature=None, save_snapshot=None, snapshot_file=None, snapshot_interval=None, fold_len_multiplier=None, used_ram_limit=None, gpu_ram_part=None, pinned_memory_size=None, allow_writing_files=None, final_ctr_computation_mode=None, approx_on_full_history=None, boosting_type=None, simple_ctr=None, combinations_ctr=None, per_feature_ctr=None, ctr_target_border_count=None, task_type=None, device_config=None, devices=None, bootstrap_type=None, subsample=None, sampling_unit=None, dev_score_calc_obj_block_size=None, max_depth=None, n_estimators=None, num_boost_round=None, num_trees=None, colsample_bylevel=None, random_state=None, reg_lambda=None, objective=None, eta=None, max_bin=None, gpu_cat_features_storage=None, data_partition=None, metadata=None, early_stopping_rounds=None, cat_features=None, grow_policy=None, min_data_in_leaf=None, min_child_samples=None, max_leaves=None, num_leaves=None, score_function=None, leaf_estimation_backtracking=None, ctr_history_unit=None, monotone_constraints=None) br应用场景
优缺点
能够处理类别特征 能够有效防止过拟合 模型训练精度高 调参时间相对较多
对于类别特征的处理需要大量的内存和时间 不同随机数的设定对于模型预测结果有一定的影响
参考
https://book.douban.com/subject/26708119/ https://book.douban.com/subject/33437381/ https://catboost.ai/ https://github.com/catboost/catboost https://papers.nips.cc/paper/7898-catboost-unbiased-boosting-with-categorical-features.pdf http://learningsys.org/nips17/assets/papers/paper_11.pdf https://catboost.ai/docs/concepts/python-reference_parameters-list.html

CatBoost是一款强大的机器学习库,以其处理类别特征的能力、优秀的抗过拟合性能和高精度而著称。它支持GPU加速,并提供内置的类别变量处理,减少了预处理工作。然而,使用CatBoost可能会增加计算时间和存储需求,且调参过程可能较为耗时。
1652

被折叠的 条评论
为什么被折叠?



