├── custom_dataset ├── README.md ├── KTablet.pickle ├── Griewank.pickle └── Rosenbrock.pickle ├── bayesmark ├── data │ ├── iris.pickle │ ├── wine.pickle │ ├── breast.pickle │ ├── digits.pickle │ ├── diabetes.pickle │ └── global_perf.json ├── README.md └── configs │ └── AdaBoost │ ├── 1.json │ ├── 5.json │ ├── 8.json │ ├── 0.json │ ├── 2.json │ ├── 7.json │ ├── 9.json │ ├── 3.json │ ├── 4.json │ └── 6.json ├── exp_baselines ├── tpe_single │ ├── turbo │ │ └── turbo │ │ │ └── __init__.py │ └── tpe │ │ ├── optimizer │ │ └── __init__.py │ │ └── __init__.py └── bo_models │ └── pybnn │ ├── __init__.py │ ├── sampler │ └── __init__.py │ └── normalization.py ├── images └── llambo_architecture.png ├── exp_bayesmark └── results_discriminative │ └── digits │ └── .DS_Store ├── run_baselines.sh ├── hp_configurations └── README.md ├── run_warmstarting.sh ├── hpo_bench ├── README.md └── configs │ ├── xgb │ ├── config0.json │ ├── config1.json │ ├── config10.json │ ├── config11.json │ ├── config12.json │ ├── config13.json │ ├── config14.json │ ├── config15.json │ ├── config16.json │ ├── config17.json │ ├── config18.json │ ├── config19.json │ ├── config2.json │ ├── config3.json │ ├── config4.json │ ├── config5.json │ ├── config6.json │ ├── config7.json │ ├── config8.json │ └── config9.json │ ├── rf │ ├── config0.json │ ├── config1.json │ ├── config10.json │ ├── config11.json │ ├── config12.json │ ├── config13.json │ ├── config14.json │ ├── config15.json │ ├── config16.json │ ├── config17.json │ ├── config18.json │ ├── config19.json │ ├── config2.json │ ├── config3.json │ ├── config4.json │ ├── config5.json │ ├── config6.json │ ├── config7.json │ ├── config8.json │ └── config9.json │ └── nn │ ├── config0.json │ ├── config1.json │ ├── config10.json │ ├── config11.json │ ├── config12.json │ ├── config13.json │ ├── config14.json │ ├── config15.json │ ├── config16.json │ ├── config17.json │ ├── config18.json │ ├── config19.json │ ├── config2.json │ ├── config3.json │ ├── config4.json │ ├── config5.json │ ├── config6.json │ ├── config7.json │ ├── config8.json │ └── config9.json ├── run_evaluate_gen_sm.sh ├── requirements.txt ├── run_evaluate_dis_sm.sh ├── run_evaluate_sampling.sh ├── run_bayesmark_public.sh ├── run_hpo_bench.sh ├── exp_warmstarting ├── templates │ ├── classification_nocontext.txt │ ├── classification_partialcontext.txt │ └── classification_fullcontext.txt └── init_warmstart.py ├── run_prompt_ablation.sh ├── init-configs ├── metric_acc_data_breast_model_ada │ └── Random │ │ ├── config1.json │ │ ├── config5.json │ │ ├── config8.json │ │ ├── config0.json │ │ ├── config7.json │ │ ├── config9.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ └── config6.json ├── metric_acc_data_digits_model_ada │ └── Random │ │ ├── config1.json │ │ ├── config5.json │ │ ├── config8.json │ │ ├── config0.json │ │ ├── config7.json │ │ ├── config9.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ └── config6.json ├── metric_acc_data_iris_model_ada │ └── Random │ │ ├── config1.json │ │ ├── config5.json │ │ ├── config8.json │ │ ├── config0.json │ │ ├── config2.json │ │ ├── config7.json │ │ ├── config9.json │ │ ├── config3.json │ │ ├── config4.json │ │ └── config6.json ├── metric_acc_data_wine_model_ada │ └── Random │ │ ├── config1.json │ │ ├── config5.json │ │ ├── config8.json │ │ ├── config0.json │ │ ├── config2.json │ │ ├── config7.json │ │ ├── config9.json │ │ ├── config3.json │ │ ├── config4.json │ │ └── config6.json ├── metric_mse_data_Griewank_model_ada │ └── Random │ │ ├── config5.json │ │ ├── config1.json │ │ ├── config8.json │ │ ├── config0.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ ├── config7.json │ │ ├── config9.json │ │ └── config6.json ├── metric_mse_data_KTablet_model_ada │ └── Random │ │ ├── config5.json │ │ ├── config1.json │ │ ├── config8.json │ │ ├── config0.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ ├── config7.json │ │ ├── config9.json │ │ └── config6.json ├── metric_mse_data_diabetes_model_ada │ └── Random │ │ ├── config5.json │ │ ├── config1.json │ │ ├── config8.json │ │ ├── config0.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ ├── config7.json │ │ ├── config9.json │ │ └── config6.json ├── metric_mse_data_Rosenbrock_model_ada │ └── Random │ │ ├── config1.json │ │ ├── config5.json │ │ ├── config8.json │ │ ├── config0.json │ │ ├── config7.json │ │ ├── config9.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ └── config6.json ├── car_xgb │ └── Random │ │ ├── config0.json │ │ ├── config1.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ ├── config5.json │ │ ├── config6.json │ │ ├── config7.json │ │ ├── config8.json │ │ └── config9.json ├── kc1_xgb │ └── Random │ │ ├── config0.json │ │ ├── config1.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ ├── config5.json │ │ ├── config6.json │ │ ├── config7.json │ │ ├── config8.json │ │ └── config9.json ├── credit_g_xgb │ └── Random │ │ ├── config0.json │ │ ├── config1.json │ │ ├── config2.json │ │ ├── config3.json │ │ ├── config4.json │ │ ├── config5.json │ │ ├── config6.json │ │ ├── config7.json │ │ ├── config8.json │ │ └── config9.json └── phoneme_xgb │ └── Random │ ├── config0.json │ └── config1.json └── LICENSE /custom_dataset/README.md: -------------------------------------------------------------------------------- 1 | Synthetic datasets. -------------------------------------------------------------------------------- /bayesmark/data/iris.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/bayesmark/data/iris.pickle -------------------------------------------------------------------------------- /bayesmark/data/wine.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/bayesmark/data/wine.pickle -------------------------------------------------------------------------------- /bayesmark/data/breast.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/bayesmark/data/breast.pickle -------------------------------------------------------------------------------- /bayesmark/data/digits.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/bayesmark/data/digits.pickle -------------------------------------------------------------------------------- /custom_dataset/KTablet.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/custom_dataset/KTablet.pickle -------------------------------------------------------------------------------- /exp_baselines/tpe_single/turbo/turbo/__init__.py: -------------------------------------------------------------------------------- 1 | from .turbo_1 import Turbo1 2 | from .turbo_m import TurboM 3 | -------------------------------------------------------------------------------- /bayesmark/data/diabetes.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/bayesmark/data/diabetes.pickle -------------------------------------------------------------------------------- /custom_dataset/Griewank.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/custom_dataset/Griewank.pickle -------------------------------------------------------------------------------- /custom_dataset/Rosenbrock.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/custom_dataset/Rosenbrock.pickle -------------------------------------------------------------------------------- /images/llambo_architecture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/images/llambo_architecture.png -------------------------------------------------------------------------------- /exp_bayesmark/results_discriminative/digits/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tennisonliu/LLAMBO/HEAD/exp_bayesmark/results_discriminative/digits/.DS_Store -------------------------------------------------------------------------------- /exp_baselines/bo_models/pybnn/__init__.py: -------------------------------------------------------------------------------- 1 | from pybnn.dngo import DNGO 2 | from pybnn.bayesian_linear_regression import BayesianLinearRegression 3 | from pybnn.base_model import BaseModel 4 | -------------------------------------------------------------------------------- /exp_baselines/bo_models/pybnn/sampler/__init__.py: -------------------------------------------------------------------------------- 1 | from .adaptive_sghmc import AdaptiveSGHMC 2 | from .preconditioned_sgld import PreconditionedSGLD 3 | from .sgld import SGLD 4 | from .sghmc import SGHMC 5 | -------------------------------------------------------------------------------- /exp_baselines/tpe_single/tpe/optimizer/__init__.py: -------------------------------------------------------------------------------- 1 | import warnings 2 | 3 | from tpe.optimizer.tpe_optimizer import TPEOptimizer 4 | 5 | 6 | warnings.filterwarnings("ignore") 7 | 8 | __all__ = ["TPEOptimizer"] 9 | -------------------------------------------------------------------------------- /run_baselines.sh: -------------------------------------------------------------------------------- 1 | python3 exp_baselines/run_all_baselines.py --run_config bayesmark_clf 2 | python3 exp_baselines/run_all_baselines.py --run_config bayesmark_reg 3 | python3 exp_baselines/run_all_baselines.py --run_config hpobench -------------------------------------------------------------------------------- /hp_configurations/README.md: -------------------------------------------------------------------------------- 1 | Bayesmark search space configurations: https://github.com/uber/bayesmark/blob/master/bayesmark/sklearn_funcs.py 2 | 3 | HPOBench search space: https://github.com/automl/HPOBench/tree/master/hpobench/benchmarks/ml 4 | -------------------------------------------------------------------------------- /bayesmark/README.md: -------------------------------------------------------------------------------- 1 | 1. ```./configs``` contains the points used for initialization (of LLAMBO and baselines), e.g. ```configs/{model_name}/{seed}.json``` is the configuration for the ```seed``` run for ```model_name```. 2 | 3 | 2. ```./data``` contains data files. -------------------------------------------------------------------------------- /exp_baselines/tpe_single/tpe/__init__.py: -------------------------------------------------------------------------------- 1 | from tpe import optimizer 2 | from tpe.utils import utils 3 | 4 | 5 | __version__ = "0.0.8" 6 | __copyright__ = "Copyright (C) 2022 Shuhei Watanabe" 7 | __licence__ = "Apache-2.0 License" 8 | __author__ = "Shuhei Watanabe" 9 | __author_email__ = "shuhei.watanabe.utokyo@gmail.com" 10 | __url__ = "https://github.com/nabenabe0928/tpe" 11 | 12 | 13 | __all__ = ["optimizer", "utils"] 14 | -------------------------------------------------------------------------------- /run_warmstarting.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | trap "kill -- -$BASHPID" EXIT 3 | 4 | # Creating initial points 5 | for config in "random", "sobol", "lhs", "Partial_Context", "No_Context", "Full_Context" 6 | do 7 | python3 exp_warmstarting/init_warmstart.py --config $config 8 | sleep 60 9 | done 10 | 11 | # It assumes "random", "sobol", "lhs", "Partial_Context", "No_Context", "Full_Context" 12 | python3 exp_warmstarting/run_warmstart.py -------------------------------------------------------------------------------- /hpo_bench/README.md: -------------------------------------------------------------------------------- 1 | URLS to download HPOBench Tabular Benchmark 2 | 3 | xgb="https://ndownloader.figshare.com/files/30469920", 4 | 5 | svm="https://ndownloader.figshare.com/files/30379359", 6 | 7 | lr="https://ndownloader.figshare.com/files/30379038", 8 | 9 | rf="https://ndownloader.figshare.com/files/30469089", 10 | 11 | nn="https://ndownloader.figshare.com/files/30379005" 12 | 13 | Unzip files into the `hpo_benchmarks/hpo-bench-{nn|rf|xgb...}/{openml_task_id}/*` -------------------------------------------------------------------------------- /run_evaluate_gen_sm.sh: -------------------------------------------------------------------------------- 1 | # Script to evaluate generative surrogate model. 2 | 3 | #!/bin/bash 4 | trap "kill -- -$BASHPID" EXIT 5 | 6 | for dataset in "breast" "wine" "digits" "diabetes" 7 | do 8 | for model in "RandomForest" "DecisionTree" "SVM" 9 | do 10 | for num_observed in 5 10 20 30 11 | do 12 | python3 exp_evaluate_sm/evaluate_gen_sm.py --dataset $dataset --model $model --num_observed $num_observed --num_seeds 1 13 | done 14 | done 15 | done -------------------------------------------------------------------------------- /bayesmark/data/global_perf.json: -------------------------------------------------------------------------------- 1 | { 2 | "wine": { 3 | "global_max": 1.0, 4 | "global_min": 0.4444444444444444 5 | }, 6 | "breast": { 7 | "global_max": 0.9824561403508771, 8 | "global_min": 0.5877192982456141 9 | }, 10 | "digits": { 11 | "global_max": 0.8888888888888888, 12 | "global_min": 0.08055555555555556 13 | }, 14 | "diabetes": { 15 | "global_max": 0.8389739213304408, 16 | "global_min": 0.5817586934044268 17 | } 18 | } -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- 1 | aiohttp==3.8.5 2 | botorch==0.8.5 3 | ConfigSpace==0.7.1 4 | emcee==3.1.4 5 | gpytorch==1.10 6 | h5py==3.9.0 7 | HEBO==0.3.5 8 | jax==0.2.24 9 | langchain==0.1.9 10 | nashpobench2api==1.0.0 11 | openai==0.28.0 12 | openml==0.14.2 13 | optuna==3.3.0 14 | pandas==1.3.5 15 | parzen_estimator==0.5.8 16 | pyarrow==12.0.1 17 | scikit_learn==1.0.2 18 | scikit_optimize==0.9.0 19 | scipy==1.12.0 20 | smac==1.4.0 21 | tiktoken==0.6.0 22 | torch==2.0.1 23 | uncertainty_toolbox==0.1.1 24 | pynisher==0.6.4 25 | numpy==1.23.4 26 | -------------------------------------------------------------------------------- /run_evaluate_dis_sm.sh: -------------------------------------------------------------------------------- 1 | # Script to evaluate discriminative surrogate model. 2 | 3 | #!/bin/bash 4 | trap "kill -- -$BASHPID" EXIT 5 | 6 | ENGINE="gpt35turbo_20230727" 7 | 8 | for dataset in "breast" "wine" "digits" "diabetes" 9 | do 10 | for model in "RandomForest" 11 | do 12 | for num_observed in 5 10 20 30 13 | do 14 | python3 exp_evaluate_sm/evaluate_dis_sm.py --dataset $dataset --model $model --num_observed $num_observed --num_seeds 1 --engine $ENGINE 15 | done 16 | done 17 | done -------------------------------------------------------------------------------- /run_evaluate_sampling.sh: -------------------------------------------------------------------------------- 1 | # Script to evaluate candidate point sampler. 2 | 3 | #!/bin/bash 4 | trap "kill -- -$BASHPID" EXIT 5 | 6 | ENGINE="gpt35turbo_20230727" 7 | 8 | for dataset in "breast" "wine" "digits" "diabetes" 9 | do 10 | for model in "RandomForest" 11 | do 12 | for num_observed in 5 10 20 30 13 | do 14 | python3 exp_evaluate_sampling/evaluate_sampling.py --dataset $dataset --model $model --num_observed $num_observed --num_seeds 1 --engine $ENGINE 15 | done 16 | done 17 | done -------------------------------------------------------------------------------- /run_bayesmark_public.sh: -------------------------------------------------------------------------------- 1 | # Script to run LLAMBO on all Bayesmark tasks. 2 | 3 | #!/bin/bash 4 | trap "kill -- -$BASHPID" EXIT 5 | 6 | # This is the OpenAI LLM Engine 7 | ENGINE="gpt35turbo_20230727" 8 | 9 | for dataset in "digits" "wine" "diabetes" "iris" "breast" 10 | do 11 | for model in "RandomForest" "SVM" "DecisionTree" "MLP_SGD" "AdaBoost" 12 | do 13 | python3 exp_bayesmark/run_bayesmark.py --dataset $dataset --model $model --num_seeds 1 --sm_mode discriminative --engine $ENGINE 14 | sleep 60 15 | done 16 | done -------------------------------------------------------------------------------- /run_hpo_bench.sh: -------------------------------------------------------------------------------- 1 | # Script to run LLAMBO on all HPOBench tasks. 2 | 3 | 4 | #!/bin/bash 5 | trap "kill -- -$BASHPID" EXIT 6 | 7 | ENGINE="gpt35turbo_20230727" 8 | 9 | for dataset in "australian" "blood_transfusion" "car" "credit_g" "kc1" "phoneme" "segment" "vehicle" 10 | do 11 | for model in "rf" "xgb" "nn" 12 | do 13 | echo "dataset: $dataset, model: $model" 14 | python3 exp_hpo_bench/run_hpo_bench.py --dataset $dataset --model $model --seed 0 --num_seeds 1 --engine $ENGINE --sm_mode discriminative 15 | done 16 | done -------------------------------------------------------------------------------- /exp_warmstarting/templates/classification_nocontext.txt: -------------------------------------------------------------------------------- 1 | You are assisting me with automated machine learning using [MODEL]. 2 | I’m exploring a subset of hyperparameters detailed as: [CONFIGURATION_AND_TYPE]. 3 | Please suggest [NUM_RECOMMENDATION] diverse yet effective configurations to initiate a Bayesian Optimization process for hyperparameter tuning. 4 | You mustn't include ‘None’ in the configurations. 5 | Your response should include only a list of dictionaries, where each dictionary describes one recommended configuration. Do not enumerate the dictionaries. -------------------------------------------------------------------------------- /run_prompt_ablation.sh: -------------------------------------------------------------------------------- 1 | # Script to run ablation study on prompt design. 2 | 3 | #!/bin/bash 4 | trap "kill -- -$BASHPID" EXIT 5 | 6 | ENGINE="gpt35turbo_20230727" 7 | 8 | for dataset in "breast" 9 | do 10 | for model in "RandomForest" 11 | do 12 | for ablation_type in "no_context" "partial_context" "full_context" 13 | do 14 | python3 exp_prompt_ablation/run_ablation.py --dataset $dataset --model $model --num_seeds 1 --sm_mode discriminative --engine $ENGINE --ablation_type $ablation_type --shuffle_features False 15 | done 16 | done 17 | done -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 5, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 4, 12 | "reg_lambda": 8 13 | }, 14 | { 15 | "colsample_bytree": 9, 16 | "eta": 3, 17 | "max_depth": 6, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 8, 23 | "max_depth": 1, 24 | "reg_lambda": 1 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 7, 29 | "max_depth": 6, 30 | "reg_lambda": 8 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 6, 5 | "max_depth": 0, 6 | "reg_lambda": 3 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 1, 11 | "max_depth": 1, 12 | "reg_lambda": 3 13 | }, 14 | { 15 | "colsample_bytree": 4, 16 | "eta": 5, 17 | "max_depth": 3, 18 | "reg_lambda": 6 19 | }, 20 | { 21 | "colsample_bytree": 2, 22 | "eta": 8, 23 | "max_depth": 0, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 5, 29 | "max_depth": 1, 30 | "reg_lambda": 2 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config10.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 7, 4 | "eta": 0, 5 | "max_depth": 5, 6 | "reg_lambda": 7 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 2, 11 | "max_depth": 2, 12 | "reg_lambda": 7 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 1, 17 | "max_depth": 5, 18 | "reg_lambda": 9 19 | }, 20 | { 21 | "colsample_bytree": 0, 22 | "eta": 5, 23 | "max_depth": 7, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 6, 28 | "eta": 3, 29 | "max_depth": 7, 30 | "reg_lambda": 6 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config11.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 2, 4 | "eta": 0, 5 | "max_depth": 4, 6 | "reg_lambda": 7 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 4, 11 | "max_depth": 0, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 8, 16 | "eta": 8, 17 | "max_depth": 6, 18 | "reg_lambda": 1 19 | }, 20 | { 21 | "colsample_bytree": 8, 22 | "eta": 8, 23 | "max_depth": 1, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 1, 29 | "max_depth": 3, 30 | "reg_lambda": 1 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config12.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 1, 4 | "eta": 7, 5 | "max_depth": 2, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 0, 10 | "eta": 8, 11 | "max_depth": 7, 12 | "reg_lambda": 0 13 | }, 14 | { 15 | "colsample_bytree": 9, 16 | "eta": 1, 17 | "max_depth": 2, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 8, 22 | "eta": 8, 23 | "max_depth": 0, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 5, 28 | "eta": 4, 29 | "max_depth": 6, 30 | "reg_lambda": 1 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config13.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 7, 4 | "eta": 2, 5 | "max_depth": 7, 6 | "reg_lambda": 9 7 | }, 8 | { 9 | "colsample_bytree": 9, 10 | "eta": 4, 11 | "max_depth": 5, 12 | "reg_lambda": 7 13 | }, 14 | { 15 | "colsample_bytree": 6, 16 | "eta": 6, 17 | "max_depth": 0, 18 | "reg_lambda": 3 19 | }, 20 | { 21 | "colsample_bytree": 1, 22 | "eta": 8, 23 | "max_depth": 3, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 2, 28 | "eta": 3, 29 | "max_depth": 0, 30 | "reg_lambda": 3 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config14.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 7, 5 | "max_depth": 7, 6 | "reg_lambda": 0 7 | }, 8 | { 9 | "colsample_bytree": 3, 10 | "eta": 9, 11 | "max_depth": 4, 12 | "reg_lambda": 3 13 | }, 14 | { 15 | "colsample_bytree": 5, 16 | "eta": 2, 17 | "max_depth": 6, 18 | "reg_lambda": 3 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 0, 23 | "max_depth": 5, 24 | "reg_lambda": 2 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 3, 29 | "max_depth": 6, 30 | "reg_lambda": 7 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config15.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 2, 5 | "max_depth": 0, 6 | "reg_lambda": 3 7 | }, 8 | { 9 | "colsample_bytree": 2, 10 | "eta": 5, 11 | "max_depth": 2, 12 | "reg_lambda": 3 13 | }, 14 | { 15 | "colsample_bytree": 1, 16 | "eta": 2, 17 | "max_depth": 7, 18 | "reg_lambda": 2 19 | }, 20 | { 21 | "colsample_bytree": 6, 22 | "eta": 8, 23 | "max_depth": 6, 24 | "reg_lambda": 2 25 | }, 26 | { 27 | "colsample_bytree": 2, 28 | "eta": 0, 29 | "max_depth": 0, 30 | "reg_lambda": 2 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config16.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 2, 4 | "eta": 5, 5 | "max_depth": 4, 6 | "reg_lambda": 0 7 | }, 8 | { 9 | "colsample_bytree": 3, 10 | "eta": 2, 11 | "max_depth": 6, 12 | "reg_lambda": 1 13 | }, 14 | { 15 | "colsample_bytree": 1, 16 | "eta": 8, 17 | "max_depth": 5, 18 | "reg_lambda": 1 19 | }, 20 | { 21 | "colsample_bytree": 7, 22 | "eta": 1, 23 | "max_depth": 2, 24 | "reg_lambda": 3 25 | }, 26 | { 27 | "colsample_bytree": 6, 28 | "eta": 4, 29 | "max_depth": 2, 30 | "reg_lambda": 4 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config17.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 3, 4 | "eta": 5, 5 | "max_depth": 2, 6 | "reg_lambda": 1 7 | }, 8 | { 9 | "colsample_bytree": 7, 10 | "eta": 6, 11 | "max_depth": 5, 12 | "reg_lambda": 5 13 | }, 14 | { 15 | "colsample_bytree": 0, 16 | "eta": 3, 17 | "max_depth": 8, 18 | "reg_lambda": 1 19 | }, 20 | { 21 | "colsample_bytree": 8, 22 | "eta": 8, 23 | "max_depth": 0, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 5, 28 | "eta": 5, 29 | "max_depth": 4, 30 | "reg_lambda": 3 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config18.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 6, 4 | "eta": 5, 5 | "max_depth": 7, 6 | "reg_lambda": 2 7 | }, 8 | { 9 | "colsample_bytree": 8, 10 | "eta": 7, 11 | "max_depth": 5, 12 | "reg_lambda": 9 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 0, 17 | "max_depth": 5, 18 | "reg_lambda": 8 19 | }, 20 | { 21 | "colsample_bytree": 7, 22 | "eta": 0, 23 | "max_depth": 1, 24 | "reg_lambda": 3 25 | }, 26 | { 27 | "colsample_bytree": 6, 28 | "eta": 8, 29 | "max_depth": 2, 30 | "reg_lambda": 6 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config19.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 1, 4 | "eta": 7, 5 | "max_depth": 2, 6 | "reg_lambda": 1 7 | }, 8 | { 9 | "colsample_bytree": 3, 10 | "eta": 1, 11 | "max_depth": 5, 12 | "reg_lambda": 7 13 | }, 14 | { 15 | "colsample_bytree": 9, 16 | "eta": 6, 17 | "max_depth": 2, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 2, 23 | "max_depth": 1, 24 | "reg_lambda": 4 25 | }, 26 | { 27 | "colsample_bytree": 1, 28 | "eta": 5, 29 | "max_depth": 3, 30 | "reg_lambda": 6 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 0, 5 | "max_depth": 4, 6 | "reg_lambda": 4 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 3, 11 | "max_depth": 2, 12 | "reg_lambda": 6 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 2, 17 | "max_depth": 5, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 1, 22 | "eta": 5, 23 | "max_depth": 1, 24 | "reg_lambda": 7 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 1 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 2, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 8, 10 | "eta": 8, 11 | "max_depth": 1, 12 | "reg_lambda": 2 13 | }, 14 | { 15 | "colsample_bytree": 0, 16 | "eta": 4, 17 | "max_depth": 0, 18 | "reg_lambda": 4 19 | }, 20 | { 21 | "colsample_bytree": 6, 22 | "eta": 3, 23 | "max_depth": 5, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 5, 29 | "max_depth": 2, 30 | "reg_lambda": 4 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 9, 4 | "eta": 5, 5 | "max_depth": 8, 6 | "reg_lambda": 6 7 | }, 8 | { 9 | "colsample_bytree": 6, 10 | "eta": 2, 11 | "max_depth": 8, 12 | "reg_lambda": 0 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 4, 17 | "max_depth": 6, 18 | "reg_lambda": 2 19 | }, 20 | { 21 | "colsample_bytree": 8, 22 | "eta": 9, 23 | "max_depth": 1, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 3, 29 | "max_depth": 0, 30 | "reg_lambda": 9 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 2, 4 | "eta": 8, 5 | "max_depth": 2, 6 | "reg_lambda": 8 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 6, 12 | "reg_lambda": 5 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 2, 17 | "max_depth": 1, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 4, 22 | "eta": 1, 23 | "max_depth": 7, 24 | "reg_lambda": 2 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 3, 29 | "max_depth": 5, 30 | "reg_lambda": 5 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 3, 5 | "max_depth": 7, 6 | "reg_lambda": 0 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 5, 11 | "max_depth": 4, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 6, 17 | "max_depth": 4, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 5, 23 | "max_depth": 5, 24 | "reg_lambda": 9 25 | }, 26 | { 27 | "colsample_bytree": 7, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 7 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 1, 4 | "eta": 7, 5 | "max_depth": 4, 6 | "reg_lambda": 7 7 | }, 8 | { 9 | "colsample_bytree": 9, 10 | "eta": 5, 11 | "max_depth": 4, 12 | "reg_lambda": 1 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 4, 17 | "max_depth": 5, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 3, 22 | "eta": 1, 23 | "max_depth": 2, 24 | "reg_lambda": 8 25 | }, 26 | { 27 | "colsample_bytree": 2, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 0 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 9, 5 | "max_depth": 7, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 2, 10 | "eta": 0, 11 | "max_depth": 3, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 5, 16 | "eta": 4, 17 | "max_depth": 4, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 7, 22 | "eta": 6, 23 | "max_depth": 5, 24 | "reg_lambda": 4 25 | }, 26 | { 27 | "colsample_bytree": 3, 28 | "eta": 9, 29 | "max_depth": 3, 30 | "reg_lambda": 2 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/xgb/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 0, 4 | "eta": 5, 5 | "max_depth": 4, 6 | "reg_lambda": 1 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 2, 11 | "max_depth": 3, 12 | "reg_lambda": 2 13 | }, 14 | { 15 | "colsample_bytree": 1, 16 | "eta": 3, 17 | "max_depth": 1, 18 | "reg_lambda": 8 19 | }, 20 | { 21 | "colsample_bytree": 9, 22 | "eta": 0, 23 | "max_depth": 6, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 6, 29 | "max_depth": 4, 30 | "reg_lambda": 6 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 4, 4 | "max_features": 6, 5 | "min_samples_leaf": 5, 6 | "min_samples_split": 5 7 | }, 8 | { 9 | "max_depth": 3, 10 | "max_features": 6, 11 | "min_samples_leaf": 4, 12 | "min_samples_split": 8 13 | }, 14 | { 15 | "max_depth": 8, 16 | "max_features": 3, 17 | "min_samples_leaf": 7, 18 | "min_samples_split": 5 19 | }, 20 | { 21 | "max_depth": 5, 22 | "max_features": 8, 23 | "min_samples_leaf": 1, 24 | "min_samples_split": 1 25 | }, 26 | { 27 | "max_depth": 0, 28 | "max_features": 7, 29 | "min_samples_leaf": 7, 30 | "min_samples_split": 8 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 3, 4 | "max_features": 6, 5 | "min_samples_leaf": 0, 6 | "min_samples_split": 3 7 | }, 8 | { 9 | "max_depth": 1, 10 | "max_features": 1, 11 | "min_samples_leaf": 2, 12 | "min_samples_split": 3 13 | }, 14 | { 15 | "max_depth": 3, 16 | "max_features": 5, 17 | "min_samples_leaf": 4, 18 | "min_samples_split": 6 19 | }, 20 | { 21 | "max_depth": 2, 22 | "max_features": 8, 23 | "min_samples_leaf": 0, 24 | "min_samples_split": 6 25 | }, 26 | { 27 | "max_depth": 3, 28 | "max_features": 5, 29 | "min_samples_leaf": 1, 30 | "min_samples_split": 2 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config10.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 6, 4 | "max_features": 0, 5 | "min_samples_leaf": 6, 6 | "min_samples_split": 7 7 | }, 8 | { 9 | "max_depth": 4, 10 | "max_features": 2, 11 | "min_samples_leaf": 2, 12 | "min_samples_split": 7 13 | }, 14 | { 15 | "max_depth": 1, 16 | "max_features": 1, 17 | "min_samples_leaf": 6, 18 | "min_samples_split": 9 19 | }, 20 | { 21 | "max_depth": 0, 22 | "max_features": 5, 23 | "min_samples_leaf": 7, 24 | "min_samples_split": 6 25 | }, 26 | { 27 | "max_depth": 6, 28 | "max_features": 3, 29 | "min_samples_leaf": 8, 30 | "min_samples_split": 6 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config11.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 1, 4 | "max_features": 0, 5 | "min_samples_leaf": 4, 6 | "min_samples_split": 7 7 | }, 8 | { 9 | "max_depth": 3, 10 | "max_features": 4, 11 | "min_samples_leaf": 0, 12 | "min_samples_split": 4 13 | }, 14 | { 15 | "max_depth": 8, 16 | "max_features": 8, 17 | "min_samples_leaf": 7, 18 | "min_samples_split": 1 19 | }, 20 | { 21 | "max_depth": 7, 22 | "max_features": 8, 23 | "min_samples_leaf": 1, 24 | "min_samples_split": 6 25 | }, 26 | { 27 | "max_depth": 0, 28 | "max_features": 1, 29 | "min_samples_leaf": 3, 30 | "min_samples_split": 1 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config12.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 1, 4 | "max_features": 7, 5 | "min_samples_leaf": 2, 6 | "min_samples_split": 5 7 | }, 8 | { 9 | "max_depth": 0, 10 | "max_features": 8, 11 | "min_samples_leaf": 8, 12 | "min_samples_split": 0 13 | }, 14 | { 15 | "max_depth": 8, 16 | "max_features": 1, 17 | "min_samples_leaf": 3, 18 | "min_samples_split": 5 19 | }, 20 | { 21 | "max_depth": 8, 22 | "max_features": 8, 23 | "min_samples_leaf": 0, 24 | "min_samples_split": 5 25 | }, 26 | { 27 | "max_depth": 4, 28 | "max_features": 4, 29 | "min_samples_leaf": 7, 30 | "min_samples_split": 1 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config13.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 6, 4 | "max_features": 2, 5 | "min_samples_leaf": 7, 6 | "min_samples_split": 9 7 | }, 8 | { 9 | "max_depth": 8, 10 | "max_features": 4, 11 | "min_samples_leaf": 5, 12 | "min_samples_split": 7 13 | }, 14 | { 15 | "max_depth": 5, 16 | "max_features": 6, 17 | "min_samples_leaf": 0, 18 | "min_samples_split": 3 19 | }, 20 | { 21 | "max_depth": 0, 22 | "max_features": 8, 23 | "min_samples_leaf": 3, 24 | "min_samples_split": 6 25 | }, 26 | { 27 | "max_depth": 2, 28 | "max_features": 3, 29 | "min_samples_leaf": 0, 30 | "min_samples_split": 3 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config14.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 4, 4 | "max_features": 7, 5 | "min_samples_leaf": 8, 6 | "min_samples_split": 0 7 | }, 8 | { 9 | "max_depth": 2, 10 | "max_features": 9, 11 | "min_samples_leaf": 5, 12 | "min_samples_split": 3 13 | }, 14 | { 15 | "max_depth": 4, 16 | "max_features": 2, 17 | "min_samples_leaf": 7, 18 | "min_samples_split": 3 19 | }, 20 | { 21 | "max_depth": 4, 22 | "max_features": 0, 23 | "min_samples_leaf": 6, 24 | "min_samples_split": 2 25 | }, 26 | { 27 | "max_depth": 7, 28 | "max_features": 3, 29 | "min_samples_leaf": 7, 30 | "min_samples_split": 7 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config15.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 7, 4 | "max_features": 2, 5 | "min_samples_leaf": 0, 6 | "min_samples_split": 3 7 | }, 8 | { 9 | "max_depth": 2, 10 | "max_features": 5, 11 | "min_samples_leaf": 3, 12 | "min_samples_split": 3 13 | }, 14 | { 15 | "max_depth": 1, 16 | "max_features": 2, 17 | "min_samples_leaf": 8, 18 | "min_samples_split": 2 19 | }, 20 | { 21 | "max_depth": 6, 22 | "max_features": 8, 23 | "min_samples_leaf": 7, 24 | "min_samples_split": 2 25 | }, 26 | { 27 | "max_depth": 1, 28 | "max_features": 0, 29 | "min_samples_leaf": 0, 30 | "min_samples_split": 2 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config16.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 2, 4 | "max_features": 5, 5 | "min_samples_leaf": 5, 6 | "min_samples_split": 0 7 | }, 8 | { 9 | "max_depth": 3, 10 | "max_features": 2, 11 | "min_samples_leaf": 6, 12 | "min_samples_split": 1 13 | }, 14 | { 15 | "max_depth": 1, 16 | "max_features": 8, 17 | "min_samples_leaf": 5, 18 | "min_samples_split": 1 19 | }, 20 | { 21 | "max_depth": 6, 22 | "max_features": 1, 23 | "min_samples_leaf": 2, 24 | "min_samples_split": 3 25 | }, 26 | { 27 | "max_depth": 6, 28 | "max_features": 4, 29 | "min_samples_leaf": 2, 30 | "min_samples_split": 4 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config17.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 2, 4 | "max_features": 5, 5 | "min_samples_leaf": 2, 6 | "min_samples_split": 1 7 | }, 8 | { 9 | "max_depth": 6, 10 | "max_features": 6, 11 | "min_samples_leaf": 6, 12 | "min_samples_split": 5 13 | }, 14 | { 15 | "max_depth": 0, 16 | "max_features": 3, 17 | "min_samples_leaf": 9, 18 | "min_samples_split": 1 19 | }, 20 | { 21 | "max_depth": 7, 22 | "max_features": 8, 23 | "min_samples_leaf": 0, 24 | "min_samples_split": 6 25 | }, 26 | { 27 | "max_depth": 4, 28 | "max_features": 5, 29 | "min_samples_leaf": 4, 30 | "min_samples_split": 3 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config18.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 5, 4 | "max_features": 5, 5 | "min_samples_leaf": 8, 6 | "min_samples_split": 2 7 | }, 8 | { 9 | "max_depth": 7, 10 | "max_features": 7, 11 | "min_samples_leaf": 6, 12 | "min_samples_split": 9 13 | }, 14 | { 15 | "max_depth": 2, 16 | "max_features": 0, 17 | "min_samples_leaf": 6, 18 | "min_samples_split": 8 19 | }, 20 | { 21 | "max_depth": 6, 22 | "max_features": 0, 23 | "min_samples_leaf": 1, 24 | "min_samples_split": 3 25 | }, 26 | { 27 | "max_depth": 5, 28 | "max_features": 8, 29 | "min_samples_leaf": 2, 30 | "min_samples_split": 6 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config19.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 1, 4 | "max_features": 7, 5 | "min_samples_leaf": 2, 6 | "min_samples_split": 1 7 | }, 8 | { 9 | "max_depth": 3, 10 | "max_features": 1, 11 | "min_samples_leaf": 6, 12 | "min_samples_split": 7 13 | }, 14 | { 15 | "max_depth": 8, 16 | "max_features": 6, 17 | "min_samples_leaf": 2, 18 | "min_samples_split": 5 19 | }, 20 | { 21 | "max_depth": 4, 22 | "max_features": 2, 23 | "min_samples_leaf": 1, 24 | "min_samples_split": 4 25 | }, 26 | { 27 | "max_depth": 1, 28 | "max_features": 5, 29 | "min_samples_leaf": 3, 30 | "min_samples_split": 6 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 3, 4 | "max_features": 0, 5 | "min_samples_leaf": 5, 6 | "min_samples_split": 4 7 | }, 8 | { 9 | "max_depth": 3, 10 | "max_features": 3, 11 | "min_samples_leaf": 2, 12 | "min_samples_split": 6 13 | }, 14 | { 15 | "max_depth": 2, 16 | "max_features": 2, 17 | "min_samples_leaf": 6, 18 | "min_samples_split": 5 19 | }, 20 | { 21 | "max_depth": 1, 22 | "max_features": 5, 23 | "min_samples_leaf": 2, 24 | "min_samples_split": 7 25 | }, 26 | { 27 | "max_depth": 7, 28 | "max_features": 4, 29 | "min_samples_leaf": 8, 30 | "min_samples_split": 1 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 4, 4 | "max_features": 6, 5 | "min_samples_leaf": 3, 6 | "min_samples_split": 5 7 | }, 8 | { 9 | "max_depth": 7, 10 | "max_features": 8, 11 | "min_samples_leaf": 1, 12 | "min_samples_split": 2 13 | }, 14 | { 15 | "max_depth": 0, 16 | "max_features": 4, 17 | "min_samples_leaf": 0, 18 | "min_samples_split": 4 19 | }, 20 | { 21 | "max_depth": 5, 22 | "max_features": 3, 23 | "min_samples_leaf": 6, 24 | "min_samples_split": 5 25 | }, 26 | { 27 | "max_depth": 0, 28 | "max_features": 5, 29 | "min_samples_leaf": 2, 30 | "min_samples_split": 4 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 8, 4 | "max_features": 5, 5 | "min_samples_leaf": 9, 6 | "min_samples_split": 6 7 | }, 8 | { 9 | "max_depth": 6, 10 | "max_features": 2, 11 | "min_samples_leaf": 9, 12 | "min_samples_split": 0 13 | }, 14 | { 15 | "max_depth": 2, 16 | "max_features": 4, 17 | "min_samples_leaf": 7, 18 | "min_samples_split": 2 19 | }, 20 | { 21 | "max_depth": 7, 22 | "max_features": 9, 23 | "min_samples_leaf": 1, 24 | "min_samples_split": 5 25 | }, 26 | { 27 | "max_depth": 0, 28 | "max_features": 3, 29 | "min_samples_leaf": 0, 30 | "min_samples_split": 9 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 2, 4 | "max_features": 8, 5 | "min_samples_leaf": 2, 6 | "min_samples_split": 8 7 | }, 8 | { 9 | "max_depth": 4, 10 | "max_features": 6, 11 | "min_samples_leaf": 7, 12 | "min_samples_split": 5 13 | }, 14 | { 15 | "max_depth": 2, 16 | "max_features": 2, 17 | "min_samples_leaf": 1, 18 | "min_samples_split": 7 19 | }, 20 | { 21 | "max_depth": 4, 22 | "max_features": 1, 23 | "min_samples_leaf": 8, 24 | "min_samples_split": 2 25 | }, 26 | { 27 | "max_depth": 3, 28 | "max_features": 3, 29 | "min_samples_leaf": 6, 30 | "min_samples_split": 5 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 7, 4 | "max_features": 3, 5 | "min_samples_leaf": 7, 6 | "min_samples_split": 0 7 | }, 8 | { 9 | "max_depth": 1, 10 | "max_features": 5, 11 | "min_samples_leaf": 5, 12 | "min_samples_split": 4 13 | }, 14 | { 15 | "max_depth": 3, 16 | "max_features": 6, 17 | "min_samples_leaf": 4, 18 | "min_samples_split": 7 19 | }, 20 | { 21 | "max_depth": 4, 22 | "max_features": 5, 23 | "min_samples_leaf": 6, 24 | "min_samples_split": 9 25 | }, 26 | { 27 | "max_depth": 7, 28 | "max_features": 4, 29 | "min_samples_leaf": 8, 30 | "min_samples_split": 7 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 1, 4 | "max_features": 7, 5 | "min_samples_leaf": 4, 6 | "min_samples_split": 7 7 | }, 8 | { 9 | "max_depth": 8, 10 | "max_features": 5, 11 | "min_samples_leaf": 5, 12 | "min_samples_split": 1 13 | }, 14 | { 15 | "max_depth": 2, 16 | "max_features": 4, 17 | "min_samples_leaf": 6, 18 | "min_samples_split": 7 19 | }, 20 | { 21 | "max_depth": 3, 22 | "max_features": 1, 23 | "min_samples_leaf": 3, 24 | "min_samples_split": 8 25 | }, 26 | { 27 | "max_depth": 2, 28 | "max_features": 4, 29 | "min_samples_leaf": 8, 30 | "min_samples_split": 0 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 7, 4 | "max_features": 9, 5 | "min_samples_leaf": 8, 6 | "min_samples_split": 5 7 | }, 8 | { 9 | "max_depth": 2, 10 | "max_features": 0, 11 | "min_samples_leaf": 4, 12 | "min_samples_split": 4 13 | }, 14 | { 15 | "max_depth": 4, 16 | "max_features": 4, 17 | "min_samples_leaf": 5, 18 | "min_samples_split": 5 19 | }, 20 | { 21 | "max_depth": 6, 22 | "max_features": 6, 23 | "min_samples_leaf": 6, 24 | "min_samples_split": 4 25 | }, 26 | { 27 | "max_depth": 2, 28 | "max_features": 9, 29 | "min_samples_leaf": 3, 30 | "min_samples_split": 2 31 | } 32 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/rf/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "max_depth": 0, 4 | "max_features": 5, 5 | "min_samples_leaf": 4, 6 | "min_samples_split": 1 7 | }, 8 | { 9 | "max_depth": 1, 10 | "max_features": 2, 11 | "min_samples_leaf": 4, 12 | "min_samples_split": 2 13 | }, 14 | { 15 | "max_depth": 1, 16 | "max_features": 3, 17 | "min_samples_leaf": 2, 18 | "min_samples_split": 8 19 | }, 20 | { 21 | "max_depth": 8, 22 | "max_features": 0, 23 | "min_samples_leaf": 6, 24 | "min_samples_split": 5 25 | }, 26 | { 27 | "max_depth": 7, 28 | "max_features": 6, 29 | "min_samples_leaf": 5, 30 | "min_samples_split": 6 31 | } 32 | ] -------------------------------------------------------------------------------- /exp_warmstarting/templates/classification_partialcontext.txt: -------------------------------------------------------------------------------- 1 | You are assisting me with automated machine learning using [MODEL] for a [TASK] task. The [TASK] performance is measured using [METRIC]. 2 | The dataset has [NUM_SAMPLES] samples with [NUM_FEATURES] total features, of which [NUM_NUM_FEATURES] are numerical and [NUM_CAT_FEATURES] are categorical. 3 | [ADD_CLASS_INFO] 4 | I’m exploring a subset of hyperparameters detailed as: [CONFIGURATION_AND_TYPE]. 5 | Please suggest [NUM_RECOMMENDATION] diverse yet effective configurations to initiate a Bayesian Optimization process for hyperparameter tuning. 6 | You mustn't include ‘None’ in the configurations. 7 | Your response should include only a list of dictionaries, where each dictionary describes one recommended configuration. Do not enumerate the dictionaries. -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 5, 4 | "batch_size": 6, 5 | "depth": 1, 6 | "learning_rate_init": 5, 7 | "width": 4 8 | }, 9 | { 10 | "alpha": 6, 11 | "batch_size": 4, 12 | "depth": 2, 13 | "learning_rate_init": 9, 14 | "width": 3 15 | }, 16 | { 17 | "alpha": 7, 18 | "batch_size": 5, 19 | "depth": 1, 20 | "learning_rate_init": 8, 21 | "width": 1 22 | }, 23 | { 24 | "alpha": 1, 25 | "batch_size": 0, 26 | "depth": 2, 27 | "learning_rate_init": 7, 28 | "width": 8 29 | }, 30 | { 31 | "alpha": 9, 32 | "batch_size": 7, 33 | "depth": 1, 34 | "learning_rate_init": 7, 35 | "width": 1 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 4, 4 | "batch_size": 6, 5 | "depth": 0, 6 | "learning_rate_init": 3, 7 | "width": 1 8 | }, 9 | { 10 | "alpha": 1, 11 | "batch_size": 2, 12 | "depth": 1, 13 | "learning_rate_init": 4, 14 | "width": 5 15 | }, 16 | { 17 | "alpha": 4, 18 | "batch_size": 6, 19 | "depth": 0, 20 | "learning_rate_init": 8, 21 | "width": 0 22 | }, 23 | { 24 | "alpha": 6, 25 | "batch_size": 4, 26 | "depth": 1, 27 | "learning_rate_init": 1, 28 | "width": 2 29 | }, 30 | { 31 | "alpha": 7, 32 | "batch_size": 9, 33 | "depth": 1, 34 | "learning_rate_init": 6, 35 | "width": 8 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config10.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 7, 4 | "batch_size": 0, 5 | "depth": 1, 6 | "learning_rate_init": 7, 7 | "width": 4 8 | }, 9 | { 10 | "alpha": 2, 11 | "batch_size": 2, 12 | "depth": 2, 13 | "learning_rate_init": 2, 14 | "width": 1 15 | }, 16 | { 17 | "alpha": 6, 18 | "batch_size": 9, 19 | "depth": 0, 20 | "learning_rate_init": 5, 21 | "width": 7 22 | }, 23 | { 24 | "alpha": 6, 25 | "batch_size": 6, 26 | "depth": 1, 27 | "learning_rate_init": 8, 28 | "width": 6 29 | }, 30 | { 31 | "alpha": 5, 32 | "batch_size": 1, 33 | "depth": 1, 34 | "learning_rate_init": 6, 35 | "width": 4 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config11.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 2, 4 | "batch_size": 0, 5 | "depth": 1, 6 | "learning_rate_init": 7, 7 | "width": 4 8 | }, 9 | { 10 | "alpha": 4, 11 | "batch_size": 0, 12 | "depth": 1, 13 | "learning_rate_init": 8, 14 | "width": 8 15 | }, 16 | { 17 | "alpha": 7, 18 | "batch_size": 1, 19 | "depth": 2, 20 | "learning_rate_init": 8, 21 | "width": 1 22 | }, 23 | { 24 | "alpha": 6, 25 | "batch_size": 0, 26 | "depth": 0, 27 | "learning_rate_init": 3, 28 | "width": 1 29 | }, 30 | { 31 | "alpha": 7, 32 | "batch_size": 7, 33 | "depth": 1, 34 | "learning_rate_init": 3, 35 | "width": 1 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config12.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 1, 4 | "batch_size": 7, 5 | "depth": 1, 6 | "learning_rate_init": 5, 7 | "width": 0 8 | }, 9 | { 10 | "alpha": 8, 11 | "batch_size": 8, 12 | "depth": 0, 13 | "learning_rate_init": 9, 14 | "width": 1 15 | }, 16 | { 17 | "alpha": 3, 18 | "batch_size": 5, 19 | "depth": 2, 20 | "learning_rate_init": 8, 21 | "width": 0 22 | }, 23 | { 24 | "alpha": 5, 25 | "batch_size": 5, 26 | "depth": 1, 27 | "learning_rate_init": 7, 28 | "width": 1 29 | }, 30 | { 31 | "alpha": 7, 32 | "batch_size": 0, 33 | "depth": 0, 34 | "learning_rate_init": 1, 35 | "width": 3 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config13.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 7, 4 | "batch_size": 2, 5 | "depth": 2, 6 | "learning_rate_init": 9, 7 | "width": 9 8 | }, 9 | { 10 | "alpha": 4, 11 | "batch_size": 5, 12 | "depth": 2, 13 | "learning_rate_init": 6, 14 | "width": 6 15 | }, 16 | { 17 | "alpha": 0, 18 | "batch_size": 3, 19 | "depth": 0, 20 | "learning_rate_init": 8, 21 | "width": 3 22 | }, 23 | { 24 | "alpha": 6, 25 | "batch_size": 2, 26 | "depth": 1, 27 | "learning_rate_init": 0, 28 | "width": 3 29 | }, 30 | { 31 | "alpha": 9, 32 | "batch_size": 2, 33 | "depth": 1, 34 | "learning_rate_init": 8, 35 | "width": 0 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config14.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 5, 4 | "batch_size": 7, 5 | "depth": 2, 6 | "learning_rate_init": 0, 7 | "width": 3 8 | }, 9 | { 10 | "alpha": 9, 11 | "batch_size": 5, 12 | "depth": 1, 13 | "learning_rate_init": 5, 14 | "width": 2 15 | }, 16 | { 17 | "alpha": 7, 18 | "batch_size": 3, 19 | "depth": 1, 20 | "learning_rate_init": 0, 21 | "width": 6 22 | }, 23 | { 24 | "alpha": 2, 25 | "batch_size": 8, 26 | "depth": 1, 27 | "learning_rate_init": 7, 28 | "width": 7 29 | }, 30 | { 31 | "alpha": 8, 32 | "batch_size": 1, 33 | "depth": 1, 34 | "learning_rate_init": 4, 35 | "width": 6 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config15.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 8, 4 | "batch_size": 2, 5 | "depth": 0, 6 | "learning_rate_init": 3, 7 | "width": 2 8 | }, 9 | { 10 | "alpha": 5, 11 | "batch_size": 3, 12 | "depth": 1, 13 | "learning_rate_init": 1, 14 | "width": 2 15 | }, 16 | { 17 | "alpha": 8, 18 | "batch_size": 2, 19 | "depth": 1, 20 | "learning_rate_init": 8, 21 | "width": 7 22 | }, 23 | { 24 | "alpha": 2, 25 | "batch_size": 2, 26 | "depth": 0, 27 | "learning_rate_init": 0, 28 | "width": 2 29 | }, 30 | { 31 | "alpha": 9, 32 | "batch_size": 3, 33 | "depth": 2, 34 | "learning_rate_init": 4, 35 | "width": 5 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config16.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 2, 4 | "batch_size": 5, 5 | "depth": 1, 6 | "learning_rate_init": 0, 7 | "width": 3 8 | }, 9 | { 10 | "alpha": 2, 11 | "batch_size": 6, 12 | "depth": 0, 13 | "learning_rate_init": 1, 14 | "width": 8 15 | }, 16 | { 17 | "alpha": 5, 18 | "batch_size": 1, 19 | "depth": 1, 20 | "learning_rate_init": 1, 21 | "width": 2 22 | }, 23 | { 24 | "alpha": 3, 25 | "batch_size": 6, 26 | "depth": 1, 27 | "learning_rate_init": 2, 28 | "width": 4 29 | }, 30 | { 31 | "alpha": 1, 32 | "batch_size": 8, 33 | "depth": 1, 34 | "learning_rate_init": 4, 35 | "width": 3 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config17.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 3, 4 | "batch_size": 5, 5 | "depth": 0, 6 | "learning_rate_init": 1, 7 | "width": 7 8 | }, 9 | { 10 | "alpha": 6, 11 | "batch_size": 6, 12 | "depth": 1, 13 | "learning_rate_init": 0, 14 | "width": 3 15 | }, 16 | { 17 | "alpha": 9, 18 | "batch_size": 1, 19 | "depth": 2, 20 | "learning_rate_init": 8, 21 | "width": 0 22 | }, 23 | { 24 | "alpha": 6, 25 | "batch_size": 5, 26 | "depth": 1, 27 | "learning_rate_init": 4, 28 | "width": 3 29 | }, 30 | { 31 | "alpha": 3, 32 | "batch_size": 5, 33 | "depth": 1, 34 | "learning_rate_init": 7, 35 | "width": 4 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config18.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 6, 4 | "batch_size": 5, 5 | "depth": 2, 6 | "learning_rate_init": 2, 7 | "width": 8 8 | }, 9 | { 10 | "alpha": 7, 11 | "batch_size": 6, 12 | "depth": 2, 13 | "learning_rate_init": 2, 14 | "width": 0 15 | }, 16 | { 17 | "alpha": 6, 18 | "batch_size": 8, 19 | "depth": 1, 20 | "learning_rate_init": 0, 21 | "width": 1 22 | }, 23 | { 24 | "alpha": 3, 25 | "batch_size": 6, 26 | "depth": 2, 27 | "learning_rate_init": 2, 28 | "width": 6 29 | }, 30 | { 31 | "alpha": 6, 32 | "batch_size": 3, 33 | "depth": 2, 34 | "learning_rate_init": 7, 35 | "width": 2 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config19.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 1, 4 | "batch_size": 7, 5 | "depth": 0, 6 | "learning_rate_init": 1, 7 | "width": 3 8 | }, 9 | { 10 | "alpha": 1, 11 | "batch_size": 6, 12 | "depth": 2, 13 | "learning_rate_init": 9, 14 | "width": 6 15 | }, 16 | { 17 | "alpha": 2, 18 | "batch_size": 5, 19 | "depth": 1, 20 | "learning_rate_init": 2, 21 | "width": 1 22 | }, 23 | { 24 | "alpha": 4, 25 | "batch_size": 1, 26 | "depth": 1, 27 | "learning_rate_init": 3, 28 | "width": 6 29 | }, 30 | { 31 | "alpha": 3, 32 | "batch_size": 9, 33 | "depth": 2, 34 | "learning_rate_init": 5, 35 | "width": 6 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 4, 4 | "batch_size": 0, 5 | "depth": 1, 6 | "learning_rate_init": 4, 7 | "width": 4 8 | }, 9 | { 10 | "alpha": 3, 11 | "batch_size": 2, 12 | "depth": 1, 13 | "learning_rate_init": 3, 14 | "width": 2 15 | }, 16 | { 17 | "alpha": 6, 18 | "batch_size": 5, 19 | "depth": 0, 20 | "learning_rate_init": 5, 21 | "width": 2 22 | }, 23 | { 24 | "alpha": 7, 25 | "batch_size": 8, 26 | "depth": 1, 27 | "learning_rate_init": 8, 28 | "width": 1 29 | }, 30 | { 31 | "alpha": 5, 32 | "batch_size": 1, 33 | "depth": 1, 34 | "learning_rate_init": 1, 35 | "width": 1 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 5, 4 | "batch_size": 6, 5 | "depth": 1, 6 | "learning_rate_init": 5, 7 | "width": 8 8 | }, 9 | { 10 | "alpha": 8, 11 | "batch_size": 1, 12 | "depth": 0, 13 | "learning_rate_init": 0, 14 | "width": 4 15 | }, 16 | { 17 | "alpha": 0, 18 | "batch_size": 4, 19 | "depth": 1, 20 | "learning_rate_init": 3, 21 | "width": 6 22 | }, 23 | { 24 | "alpha": 5, 25 | "batch_size": 0, 26 | "depth": 1, 27 | "learning_rate_init": 2, 28 | "width": 4 29 | }, 30 | { 31 | "alpha": 3, 32 | "batch_size": 6, 33 | "depth": 1, 34 | "learning_rate_init": 1, 35 | "width": 5 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 9, 4 | "batch_size": 5, 5 | "depth": 2, 6 | "learning_rate_init": 6, 7 | "width": 6 8 | }, 9 | { 10 | "alpha": 2, 11 | "batch_size": 9, 12 | "depth": 0, 13 | "learning_rate_init": 2, 14 | "width": 4 15 | }, 16 | { 17 | "alpha": 7, 18 | "batch_size": 2, 19 | "depth": 2, 20 | "learning_rate_init": 9, 21 | "width": 1 22 | }, 23 | { 24 | "alpha": 5, 25 | "batch_size": 0, 26 | "depth": 1, 27 | "learning_rate_init": 0, 28 | "width": 9 29 | }, 30 | { 31 | "alpha": 4, 32 | "batch_size": 9, 33 | "depth": 2, 34 | "learning_rate_init": 8, 35 | "width": 2 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 2, 4 | "batch_size": 8, 5 | "depth": 0, 6 | "learning_rate_init": 8, 7 | "width": 4 8 | }, 9 | { 10 | "alpha": 6, 11 | "batch_size": 7, 12 | "depth": 1, 13 | "learning_rate_init": 3, 14 | "width": 2 15 | }, 16 | { 17 | "alpha": 1, 18 | "batch_size": 7, 19 | "depth": 1, 20 | "learning_rate_init": 1, 21 | "width": 8 22 | }, 23 | { 24 | "alpha": 2, 25 | "batch_size": 4, 26 | "depth": 1, 27 | "learning_rate_init": 6, 28 | "width": 5 29 | }, 30 | { 31 | "alpha": 5, 32 | "batch_size": 2, 33 | "depth": 1, 34 | "learning_rate_init": 2, 35 | "width": 3 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 8, 4 | "batch_size": 3, 5 | "depth": 2, 6 | "learning_rate_init": 0, 7 | "width": 1 8 | }, 9 | { 10 | "alpha": 5, 11 | "batch_size": 5, 12 | "depth": 1, 13 | "learning_rate_init": 3, 14 | "width": 6 15 | }, 16 | { 17 | "alpha": 4, 18 | "batch_size": 7, 19 | "depth": 1, 20 | "learning_rate_init": 5, 21 | "width": 6 22 | }, 23 | { 24 | "alpha": 9, 25 | "batch_size": 7, 26 | "depth": 1, 27 | "learning_rate_init": 8, 28 | "width": 7 29 | }, 30 | { 31 | "alpha": 0, 32 | "batch_size": 6, 33 | "depth": 2, 34 | "learning_rate_init": 7, 35 | "width": 6 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 1, 4 | "batch_size": 7, 5 | "depth": 1, 6 | "learning_rate_init": 7, 7 | "width": 9 8 | }, 9 | { 10 | "alpha": 5, 11 | "batch_size": 5, 12 | "depth": 0, 13 | "learning_rate_init": 2, 14 | "width": 4 15 | }, 16 | { 17 | "alpha": 6, 18 | "batch_size": 7, 19 | "depth": 1, 20 | "learning_rate_init": 1, 21 | "width": 3 22 | }, 23 | { 24 | "alpha": 8, 25 | "batch_size": 2, 26 | "depth": 1, 27 | "learning_rate_init": 8, 28 | "width": 0 29 | }, 30 | { 31 | "alpha": 5, 32 | "batch_size": 9, 33 | "depth": 0, 34 | "learning_rate_init": 5, 35 | "width": 8 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 8, 4 | "batch_size": 9, 5 | "depth": 2, 6 | "learning_rate_init": 5, 7 | "width": 2 8 | }, 9 | { 10 | "alpha": 0, 11 | "batch_size": 4, 12 | "depth": 1, 13 | "learning_rate_init": 5, 14 | "width": 4 15 | }, 16 | { 17 | "alpha": 5, 18 | "batch_size": 5, 19 | "depth": 2, 20 | "learning_rate_init": 6, 21 | "width": 6 22 | }, 23 | { 24 | "alpha": 4, 25 | "batch_size": 3, 26 | "depth": 2, 27 | "learning_rate_init": 3, 28 | "width": 2 29 | }, 30 | { 31 | "alpha": 1, 32 | "batch_size": 9, 33 | "depth": 0, 34 | "learning_rate_init": 3, 35 | "width": 1 36 | } 37 | ] -------------------------------------------------------------------------------- /hpo_bench/configs/nn/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "alpha": 0, 4 | "batch_size": 5, 5 | "depth": 1, 6 | "learning_rate_init": 1, 7 | "width": 1 8 | }, 9 | { 10 | "alpha": 2, 11 | "batch_size": 4, 12 | "depth": 0, 13 | "learning_rate_init": 1, 14 | "width": 3 15 | }, 16 | { 17 | "alpha": 2, 18 | "batch_size": 8, 19 | "depth": 2, 20 | "learning_rate_init": 0, 21 | "width": 6 22 | }, 23 | { 24 | "alpha": 5, 25 | "batch_size": 8, 26 | "depth": 1, 27 | "learning_rate_init": 5, 28 | "width": 6 29 | }, 30 | { 31 | "alpha": 3, 32 | "batch_size": 6, 33 | "depth": 2, 34 | "learning_rate_init": 4, 35 | "width": 8 36 | } 37 | ] -------------------------------------------------------------------------------- /exp_baselines/bo_models/pybnn/normalization.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | 3 | 4 | def zero_one_normalization(X, lower=None, upper=None): 5 | 6 | if lower is None: 7 | lower = np.min(X, axis=0) 8 | if upper is None: 9 | upper = np.max(X, axis=0) 10 | 11 | X_normalized = np.true_divide((X - lower), (upper - lower)) 12 | 13 | return X_normalized, lower, upper 14 | 15 | 16 | def zero_one_denormalization(X_normalized, lower, upper): 17 | return lower + (upper - lower) * X_normalized 18 | 19 | 20 | def zero_mean_unit_var_normalization(X, mean=None, std=None): 21 | if mean is None: 22 | mean = np.mean(X, axis=0) 23 | if std is None: 24 | std = np.std(X, axis=0) 25 | 26 | X_normalized = (X - mean) / std 27 | 28 | return X_normalized, mean, std 29 | 30 | 31 | def zero_mean_unit_var_denormalization(X_normalized, mean, std): 32 | return X_normalized * std + mean 33 | -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /bayesmark/configs/AdaBoost/6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 15, 4 | "learning_rate": 1.4342972768843987 5 | }, 6 | { 7 | "n_estimators": 43, 8 | "learning_rate": 7.892689098336297 9 | }, 10 | { 11 | "n_estimators": 18, 12 | "learning_rate": 0.009631258205288198 13 | }, 14 | { 15 | "n_estimators": 42, 16 | "learning_rate": 0.027113774781246353 17 | }, 18 | { 19 | "n_estimators": 99, 20 | "learning_rate": 1.100039842371944 21 | }, 22 | { 23 | "n_estimators": 68, 24 | "learning_rate": 1.251307262714386 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.6635337890768167 29 | }, 30 | { 31 | "n_estimators": 20, 32 | "learning_rate": 0.0010489957753552768 33 | }, 34 | { 35 | "n_estimators": 21, 36 | "learning_rate": 2.451971151994567 37 | }, 38 | { 39 | "n_estimators": 57, 40 | "learning_rate": 0.0288855068886549 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 100, 4 | "learning_rate": 4.60030680449031 5 | }, 6 | { 7 | "n_estimators": 22, 8 | "learning_rate": 9.890143127152722 9 | }, 10 | { 11 | "n_estimators": 31, 12 | "learning_rate": 0.00961398934516561 13 | }, 14 | { 15 | "n_estimators": 45, 16 | "learning_rate": 0.22321849928717633 17 | }, 18 | { 19 | "n_estimators": 94, 20 | "learning_rate": 1.7043335115909477 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.04195085318955972 25 | }, 26 | { 27 | "n_estimators": 50, 28 | "learning_rate": 0.0014056787147388346 29 | }, 30 | { 31 | "n_estimators": 58, 32 | "learning_rate": 3.713728263570782 33 | }, 34 | { 35 | "n_estimators": 51, 36 | "learning_rate": 0.014239437572248655 37 | }, 38 | { 39 | "n_estimators": 95, 40 | "learning_rate": 0.7797334789845805 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 11, 4 | "learning_rate": 0.0015747001884026848 5 | }, 6 | { 7 | "n_estimators": 44, 8 | "learning_rate": 1.2086662869781049 9 | }, 10 | { 11 | "n_estimators": 48, 12 | "learning_rate": 0.11485943233545798 13 | }, 14 | { 15 | "n_estimators": 79, 16 | "learning_rate": 0.010224111241658 17 | }, 18 | { 19 | "n_estimators": 88, 20 | "learning_rate": 4.287379990443827 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.3218396672656936 25 | }, 26 | { 27 | "n_estimators": 46, 28 | "learning_rate": 1.23404187142188 29 | }, 30 | { 31 | "n_estimators": 12, 32 | "learning_rate": 0.005808446206647816 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 2.3663525917515704 37 | }, 38 | { 39 | "n_estimators": 15, 40 | "learning_rate": 0.0021683814355650324 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_breast_model_ada/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_digits_model_ada/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_iris_model_ada/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_acc_data_wine_model_ada/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 63, 4 | "learning_rate": 1.6646722614124754 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 1.7228945369609432 9 | }, 10 | { 11 | "n_estimators": 66, 12 | "learning_rate": 0.008354270566129826 13 | }, 14 | { 15 | "n_estimators": 37, 16 | "learning_rate": 0.00019211659757411962 17 | }, 18 | { 19 | "n_estimators": 35, 20 | "learning_rate": 0.024452630570839917 21 | }, 22 | { 23 | "n_estimators": 83, 24 | "learning_rate": 0.025112263624837018 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 1.5149343663386152 29 | }, 30 | { 31 | "n_estimators": 40, 32 | "learning_rate": 0.17412429067220003 33 | }, 34 | { 35 | "n_estimators": 43, 36 | "learning_rate": 6.106267064873843 37 | }, 38 | { 39 | "n_estimators": 23, 40 | "learning_rate": 2.2409712855921127 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 30, 4 | "learning_rate": 0.003934242529778952 5 | }, 6 | { 7 | "n_estimators": 98, 8 | "learning_rate": 0.018963765076915738 9 | }, 10 | { 11 | "n_estimators": 38, 12 | "learning_rate": 0.00208619161342757 13 | }, 14 | { 15 | "n_estimators": 18, 16 | "learning_rate": 0.012498590870713535 17 | }, 18 | { 19 | "n_estimators": 11, 20 | "learning_rate": 0.04353353901308501 21 | }, 22 | { 23 | "n_estimators": 88, 24 | "learning_rate": 0.004510204632998512 25 | }, 26 | { 27 | "n_estimators": 45, 28 | "learning_rate": 0.23531635611395252 29 | }, 30 | { 31 | "n_estimators": 71, 32 | "learning_rate": 0.2952282261438963 33 | }, 34 | { 35 | "n_estimators": 41, 36 | "learning_rate": 4.442638295142387 37 | }, 38 | { 39 | "n_estimators": 34, 40 | "learning_rate": 0.5673011178156575 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 43, 4 | "learning_rate": 0.031307747488797166 5 | }, 6 | { 7 | "n_estimators": 11, 8 | "learning_rate": 0.003811724814240884 9 | }, 10 | { 11 | "n_estimators": 11, 12 | "learning_rate": 2.432797928239829 13 | }, 14 | { 15 | "n_estimators": 22, 16 | "learning_rate": 0.0004932491937603573 17 | }, 18 | { 19 | "n_estimators": 46, 20 | "learning_rate": 0.029735317201090173 21 | }, 22 | { 23 | "n_estimators": 38, 24 | "learning_rate": 0.007408937087584749 25 | }, 26 | { 27 | "n_estimators": 76, 28 | "learning_rate": 6.910673994280232 29 | }, 30 | { 31 | "n_estimators": 73, 32 | "learning_rate": 0.0004754728772205404 33 | }, 34 | { 35 | "n_estimators": 22, 36 | "learning_rate": 5.675913801157292 37 | }, 38 | { 39 | "n_estimators": 60, 40 | "learning_rate": 5.206363867093383 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Griewank_model_ada/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_KTablet_model_ada/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 27, 4 | "learning_rate": 4.546784063337942 5 | }, 6 | { 7 | "n_estimators": 95, 8 | "learning_rate": 0.026530502996040546 9 | }, 10 | { 11 | "n_estimators": 39, 12 | "learning_rate": 0.0005917433219464832 13 | }, 14 | { 15 | "n_estimators": 73, 16 | "learning_rate": 0.00039788055309291514 17 | }, 18 | { 19 | "n_estimators": 54, 20 | "learning_rate": 0.1457768806817529 21 | }, 22 | { 23 | "n_estimators": 84, 24 | "learning_rate": 0.26009378337861394 25 | }, 26 | { 27 | "n_estimators": 55, 28 | "learning_rate": 0.0858983635175696 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 0.001961057971513232 33 | }, 34 | { 35 | "n_estimators": 59, 36 | "learning_rate": 0.010877752206963562 37 | }, 38 | { 39 | "n_estimators": 26, 40 | "learning_rate": 7.049560290431012 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 16, 4 | "learning_rate": 1.5839636792271974 5 | }, 6 | { 7 | "n_estimators": 21, 8 | "learning_rate": 0.07023549332126304 9 | }, 10 | { 11 | "n_estimators": 49, 12 | "learning_rate": 0.00012409093110171479 13 | }, 14 | { 15 | "n_estimators": 14, 16 | "learning_rate": 0.0017355674086288744 17 | }, 18 | { 19 | "n_estimators": 18, 20 | "learning_rate": 0.2979327625937022 21 | }, 22 | { 23 | "n_estimators": 23, 24 | "learning_rate": 0.018444271465762524 25 | }, 26 | { 27 | "n_estimators": 29, 28 | "learning_rate": 0.005882004594878859 29 | }, 30 | { 31 | "n_estimators": 54, 32 | "learning_rate": 3.6855917628270314 33 | }, 34 | { 35 | "n_estimators": 79, 36 | "learning_rate": 7.383143927638115 37 | }, 38 | { 39 | "n_estimators": 46, 40 | "learning_rate": 0.058057689976744084 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 91, 4 | "learning_rate": 0.0007302585582149577 5 | }, 6 | { 7 | "n_estimators": 87, 8 | "learning_rate": 0.11096295335135392 9 | }, 10 | { 11 | "n_estimators": 64, 12 | "learning_rate": 0.0005097073170297146 13 | }, 14 | { 15 | "n_estimators": 30, 16 | "learning_rate": 0.3105282955657252 17 | }, 18 | { 19 | "n_estimators": 91, 20 | "learning_rate": 0.14615562080255187 21 | }, 22 | { 23 | "n_estimators": 10, 24 | "learning_rate": 0.07274153415496545 25 | }, 26 | { 27 | "n_estimators": 43, 28 | "learning_rate": 0.10487203399575175 29 | }, 30 | { 31 | "n_estimators": 45, 32 | "learning_rate": 1.1474631322948483 33 | }, 34 | { 35 | "n_estimators": 65, 36 | "learning_rate": 0.0021496556157351715 37 | }, 38 | { 39 | "n_estimators": 68, 40 | "learning_rate": 1.1358225952887422 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_Rosenbrock_model_ada/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /init-configs/metric_mse_data_diabetes_model_ada/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "n_estimators": 95, 4 | "learning_rate": 0.0011143762188057084 5 | }, 6 | { 7 | "n_estimators": 16, 8 | "learning_rate": 0.007088380337693443 9 | }, 10 | { 11 | "n_estimators": 99, 12 | "learning_rate": 0.0003143101899487747 13 | }, 14 | { 15 | "n_estimators": 65, 16 | "learning_rate": 0.044872712193941934 17 | }, 18 | { 19 | "n_estimators": 53, 20 | "learning_rate": 1.3367384122003858 21 | }, 22 | { 23 | "n_estimators": 78, 24 | "learning_rate": 0.008910004169386889 25 | }, 26 | { 27 | "n_estimators": 32, 28 | "learning_rate": 0.0005998953293901593 29 | }, 30 | { 31 | "n_estimators": 75, 32 | "learning_rate": 3.723719622380314 33 | }, 34 | { 35 | "n_estimators": 53, 36 | "learning_rate": 0.24689909567019103 37 | }, 38 | { 39 | "n_estimators": 82, 40 | "learning_rate": 0.0195399248747912 41 | } 42 | ] -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2024 Tennison Liu 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. 22 | -------------------------------------------------------------------------------- /exp_warmstarting/templates/classification_fullcontext.txt: -------------------------------------------------------------------------------- 1 | You are assisting me with automated machine learning using [MODEL]. 2 | The dataset has [NUM_SAMPLES] samples with [NUM_FEATURES] total features, of which [NUM_NUM_FEATURES] are numerical and [NUM_CAT_FEATURES] are categorical. 3 | Considering one-hot encoding for categorical features the total amount input's features of the random forest is [TOTAL_FEATURES]. 4 | [NUM_STAT] 5 | The number of features that have strong correlation (defined as > 0.5 or <-0.5) with the target feature is [CORR_TARGET]. 6 | Of the [NUM_POSSIBLE] pairwise feature relationships, [CORR_FEATURES] pairs of features are strongly correlated (>0.5, <-0.5). 7 | [ADD_CLASS_INFO] 8 | I’m exploring a subset of hyperparameters detailed as: [CONFIGURATION_AND_TYPE]. 9 | 10 | Provide [NUM_RECOMMENDATION] diverse and efficient configuration suggestions to commence a Bayesian Optimization procedure aimed at fine-tuning hyperparameters. 11 | These configurations should be carefully customized to suit the characteristics of the dataset at hand. 12 | "You mustn't include ‘None’ in the configurations. 13 | Your response should include only a list of dictionaries, where each dictionary describes one recommended configuration. Do not enumerate the dictionaries. -------------------------------------------------------------------------------- /exp_warmstarting/init_warmstart.py: -------------------------------------------------------------------------------- 1 | import argparse 2 | from utils_templates import RandomTemplate, FullTemplate 3 | from sampler import write_random_bayesmark 4 | 5 | # Predefined lists containing datasets, models, and metrics to be used in the experiments 6 | LIST_DATASETS = ['cutract', 'maggic', 'seer', 'breast', 'wine', 'digits'] 7 | #LIST_DATASETS = ['cutract'] 8 | 9 | LIST_MODELS = ['RF', 'SVM', 'DT'] 10 | #LIST_MODELS = ['RF'] 11 | LIST_METRICS = ['acc'] 12 | NUM_SEEDS = 10 # Number of seeds for randomization, ensuring reproducibility across runs 13 | NUM_INIT = 5 # Number of initial points to start the optimization 14 | 15 | if __name__ == '__main__': 16 | # parse input arguments 17 | parser = argparse.ArgumentParser() 18 | parser.add_argument('--config', type=str) 19 | args = parser.parse_args() 20 | config = args.config 21 | 22 | if config == 'random': 23 | template_object = None 24 | else: 25 | if config in ['sobol', 'lhs']: 26 | template_object = RandomTemplate(config) 27 | else: 28 | template_object = FullTemplate(context = config, provide_ranges = True) 29 | 30 | write_random_bayesmark(LIST_MODELS, LIST_DATASETS, LIST_METRICS, n_init = NUM_INIT, num_seeds = NUM_SEEDS, template_object = template_object) 31 | import time 32 | time.sleep(30) -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 5, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 4, 12 | "reg_lambda": 8 13 | }, 14 | { 15 | "colsample_bytree": 9, 16 | "eta": 3, 17 | "max_depth": 6, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 8, 23 | "max_depth": 1, 24 | "reg_lambda": 1 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 7, 29 | "max_depth": 6, 30 | "reg_lambda": 8 31 | }, 32 | { 33 | "colsample_bytree": 9, 34 | "eta": 7, 35 | "max_depth": 4, 36 | "reg_lambda": 7 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 6, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 5, 46 | "eta": 4, 47 | "max_depth": 2, 48 | "reg_lambda": 7 49 | }, 50 | { 51 | "colsample_bytree": 4, 52 | "eta": 5, 53 | "max_depth": 0, 54 | "reg_lambda": 6 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 6, 59 | "max_depth": 8, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 6, 5 | "max_depth": 0, 6 | "reg_lambda": 3 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 1, 11 | "max_depth": 1, 12 | "reg_lambda": 3 13 | }, 14 | { 15 | "colsample_bytree": 4, 16 | "eta": 5, 17 | "max_depth": 3, 18 | "reg_lambda": 6 19 | }, 20 | { 21 | "colsample_bytree": 2, 22 | "eta": 8, 23 | "max_depth": 0, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 5, 29 | "max_depth": 1, 30 | "reg_lambda": 2 31 | }, 32 | { 33 | "colsample_bytree": 7, 34 | "eta": 9, 35 | "max_depth": 3, 36 | "reg_lambda": 6 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 8, 41 | "max_depth": 1, 42 | "reg_lambda": 0 43 | }, 44 | { 45 | "colsample_bytree": 2, 46 | "eta": 8, 47 | "max_depth": 1, 48 | "reg_lambda": 4 49 | }, 50 | { 51 | "colsample_bytree": 9, 52 | "eta": 5, 53 | "max_depth": 6, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 8, 59 | "max_depth": 0, 60 | "reg_lambda": 7 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 0, 5 | "max_depth": 4, 6 | "reg_lambda": 4 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 3, 11 | "max_depth": 2, 12 | "reg_lambda": 6 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 2, 17 | "max_depth": 5, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 1, 22 | "eta": 5, 23 | "max_depth": 1, 24 | "reg_lambda": 7 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 1 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 1, 35 | "max_depth": 3, 36 | "reg_lambda": 1 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 5, 41 | "max_depth": 2, 42 | "reg_lambda": 1 43 | }, 44 | { 45 | "colsample_bytree": 2, 46 | "eta": 3, 47 | "max_depth": 4, 48 | "reg_lambda": 2 49 | }, 50 | { 51 | "colsample_bytree": 6, 52 | "eta": 4, 53 | "max_depth": 4, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 7, 58 | "eta": 5, 59 | "max_depth": 1, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 2, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 8, 10 | "eta": 8, 11 | "max_depth": 1, 12 | "reg_lambda": 2 13 | }, 14 | { 15 | "colsample_bytree": 0, 16 | "eta": 4, 17 | "max_depth": 0, 18 | "reg_lambda": 4 19 | }, 20 | { 21 | "colsample_bytree": 6, 22 | "eta": 3, 23 | "max_depth": 5, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 5, 29 | "max_depth": 2, 30 | "reg_lambda": 4 31 | }, 32 | { 33 | "colsample_bytree": 3, 34 | "eta": 6, 35 | "max_depth": 4, 36 | "reg_lambda": 1 37 | }, 38 | { 39 | "colsample_bytree": 5, 40 | "eta": 7, 41 | "max_depth": 2, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 3, 46 | "eta": 8, 47 | "max_depth": 8, 48 | "reg_lambda": 6 49 | }, 50 | { 51 | "colsample_bytree": 8, 52 | "eta": 8, 53 | "max_depth": 3, 54 | "reg_lambda": 1 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 5, 59 | "max_depth": 3, 60 | "reg_lambda": 2 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 9, 4 | "eta": 5, 5 | "max_depth": 8, 6 | "reg_lambda": 6 7 | }, 8 | { 9 | "colsample_bytree": 6, 10 | "eta": 2, 11 | "max_depth": 8, 12 | "reg_lambda": 0 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 4, 17 | "max_depth": 6, 18 | "reg_lambda": 2 19 | }, 20 | { 21 | "colsample_bytree": 8, 22 | "eta": 9, 23 | "max_depth": 1, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 3, 29 | "max_depth": 0, 30 | "reg_lambda": 9 31 | }, 32 | { 33 | "colsample_bytree": 4, 34 | "eta": 9, 35 | "max_depth": 6, 36 | "reg_lambda": 8 37 | }, 38 | { 39 | "colsample_bytree": 2, 40 | "eta": 1, 41 | "max_depth": 5, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 7, 46 | "eta": 4, 47 | "max_depth": 4, 48 | "reg_lambda": 8 49 | }, 50 | { 51 | "colsample_bytree": 5, 52 | "eta": 1, 53 | "max_depth": 1, 54 | "reg_lambda": 5 55 | }, 56 | { 57 | "colsample_bytree": 5, 58 | "eta": 6, 59 | "max_depth": 3, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 2, 4 | "eta": 8, 5 | "max_depth": 2, 6 | "reg_lambda": 8 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 6, 12 | "reg_lambda": 5 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 2, 17 | "max_depth": 1, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 4, 22 | "eta": 1, 23 | "max_depth": 7, 24 | "reg_lambda": 2 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 3, 29 | "max_depth": 5, 30 | "reg_lambda": 5 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 2, 35 | "max_depth": 2, 36 | "reg_lambda": 2 37 | }, 38 | { 39 | "colsample_bytree": 3, 40 | "eta": 1, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 9, 46 | "eta": 2, 47 | "max_depth": 0, 48 | "reg_lambda": 2 49 | }, 50 | { 51 | "colsample_bytree": 6, 52 | "eta": 7, 53 | "max_depth": 0, 54 | "reg_lambda": 5 55 | }, 56 | { 57 | "colsample_bytree": 0, 58 | "eta": 5, 59 | "max_depth": 5, 60 | "reg_lambda": 9 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 3, 5 | "max_depth": 7, 6 | "reg_lambda": 0 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 5, 11 | "max_depth": 4, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 6, 17 | "max_depth": 4, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 5, 23 | "max_depth": 5, 24 | "reg_lambda": 9 25 | }, 26 | { 27 | "colsample_bytree": 7, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 7 31 | }, 32 | { 33 | "colsample_bytree": 0, 34 | "eta": 6, 35 | "max_depth": 6, 36 | "reg_lambda": 7 37 | }, 38 | { 39 | "colsample_bytree": 6, 40 | "eta": 5, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 4, 46 | "eta": 2, 47 | "max_depth": 6, 48 | "reg_lambda": 9 49 | }, 50 | { 51 | "colsample_bytree": 2, 52 | "eta": 6, 53 | "max_depth": 5, 54 | "reg_lambda": 6 55 | }, 56 | { 57 | "colsample_bytree": 8, 58 | "eta": 3, 59 | "max_depth": 2, 60 | "reg_lambda": 4 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 1, 4 | "eta": 7, 5 | "max_depth": 4, 6 | "reg_lambda": 7 7 | }, 8 | { 9 | "colsample_bytree": 9, 10 | "eta": 5, 11 | "max_depth": 4, 12 | "reg_lambda": 1 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 4, 17 | "max_depth": 5, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 3, 22 | "eta": 1, 23 | "max_depth": 2, 24 | "reg_lambda": 8 25 | }, 26 | { 27 | "colsample_bytree": 2, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 0 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 9, 35 | "max_depth": 2, 36 | "reg_lambda": 5 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 1, 41 | "max_depth": 4, 42 | "reg_lambda": 7 43 | }, 44 | { 45 | "colsample_bytree": 6, 46 | "eta": 4, 47 | "max_depth": 2, 48 | "reg_lambda": 4 49 | }, 50 | { 51 | "colsample_bytree": 3, 52 | "eta": 4, 53 | "max_depth": 3, 54 | "reg_lambda": 8 55 | }, 56 | { 57 | "colsample_bytree": 7, 58 | "eta": 3, 59 | "max_depth": 5, 60 | "reg_lambda": 2 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 9, 5 | "max_depth": 7, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 2, 10 | "eta": 0, 11 | "max_depth": 3, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 5, 16 | "eta": 4, 17 | "max_depth": 4, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 7, 22 | "eta": 6, 23 | "max_depth": 5, 24 | "reg_lambda": 4 25 | }, 26 | { 27 | "colsample_bytree": 3, 28 | "eta": 9, 29 | "max_depth": 3, 30 | "reg_lambda": 2 31 | }, 32 | { 33 | "colsample_bytree": 1, 34 | "eta": 9, 35 | "max_depth": 1, 36 | "reg_lambda": 3 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 2, 41 | "max_depth": 3, 42 | "reg_lambda": 8 43 | }, 44 | { 45 | "colsample_bytree": 3, 46 | "eta": 9, 47 | "max_depth": 0, 48 | "reg_lambda": 3 49 | }, 50 | { 51 | "colsample_bytree": 3, 52 | "eta": 7, 53 | "max_depth": 8, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 4, 58 | "eta": 2, 59 | "max_depth": 6, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/car_xgb/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 0, 4 | "eta": 5, 5 | "max_depth": 4, 6 | "reg_lambda": 1 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 2, 11 | "max_depth": 3, 12 | "reg_lambda": 2 13 | }, 14 | { 15 | "colsample_bytree": 1, 16 | "eta": 3, 17 | "max_depth": 1, 18 | "reg_lambda": 8 19 | }, 20 | { 21 | "colsample_bytree": 9, 22 | "eta": 0, 23 | "max_depth": 6, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 6, 29 | "max_depth": 4, 30 | "reg_lambda": 6 31 | }, 32 | { 33 | "colsample_bytree": 3, 34 | "eta": 6, 35 | "max_depth": 7, 36 | "reg_lambda": 4 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 7, 41 | "max_depth": 8, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 5, 46 | "eta": 9, 47 | "max_depth": 5, 48 | "reg_lambda": 8 49 | }, 50 | { 51 | "colsample_bytree": 9, 52 | "eta": 2, 53 | "max_depth": 2, 54 | "reg_lambda": 8 55 | }, 56 | { 57 | "colsample_bytree": 8, 58 | "eta": 7, 59 | "max_depth": 3, 60 | "reg_lambda": 4 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 5, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 4, 12 | "reg_lambda": 8 13 | }, 14 | { 15 | "colsample_bytree": 9, 16 | "eta": 3, 17 | "max_depth": 6, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 8, 23 | "max_depth": 1, 24 | "reg_lambda": 1 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 7, 29 | "max_depth": 6, 30 | "reg_lambda": 8 31 | }, 32 | { 33 | "colsample_bytree": 9, 34 | "eta": 7, 35 | "max_depth": 4, 36 | "reg_lambda": 7 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 6, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 5, 46 | "eta": 4, 47 | "max_depth": 2, 48 | "reg_lambda": 7 49 | }, 50 | { 51 | "colsample_bytree": 4, 52 | "eta": 5, 53 | "max_depth": 0, 54 | "reg_lambda": 6 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 6, 59 | "max_depth": 8, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 6, 5 | "max_depth": 0, 6 | "reg_lambda": 3 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 1, 11 | "max_depth": 1, 12 | "reg_lambda": 3 13 | }, 14 | { 15 | "colsample_bytree": 4, 16 | "eta": 5, 17 | "max_depth": 3, 18 | "reg_lambda": 6 19 | }, 20 | { 21 | "colsample_bytree": 2, 22 | "eta": 8, 23 | "max_depth": 0, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 5, 29 | "max_depth": 1, 30 | "reg_lambda": 2 31 | }, 32 | { 33 | "colsample_bytree": 7, 34 | "eta": 9, 35 | "max_depth": 3, 36 | "reg_lambda": 6 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 8, 41 | "max_depth": 1, 42 | "reg_lambda": 0 43 | }, 44 | { 45 | "colsample_bytree": 2, 46 | "eta": 8, 47 | "max_depth": 1, 48 | "reg_lambda": 4 49 | }, 50 | { 51 | "colsample_bytree": 9, 52 | "eta": 5, 53 | "max_depth": 6, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 8, 59 | "max_depth": 0, 60 | "reg_lambda": 7 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 0, 5 | "max_depth": 4, 6 | "reg_lambda": 4 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 3, 11 | "max_depth": 2, 12 | "reg_lambda": 6 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 2, 17 | "max_depth": 5, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 1, 22 | "eta": 5, 23 | "max_depth": 1, 24 | "reg_lambda": 7 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 1 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 1, 35 | "max_depth": 3, 36 | "reg_lambda": 1 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 5, 41 | "max_depth": 2, 42 | "reg_lambda": 1 43 | }, 44 | { 45 | "colsample_bytree": 2, 46 | "eta": 3, 47 | "max_depth": 4, 48 | "reg_lambda": 2 49 | }, 50 | { 51 | "colsample_bytree": 6, 52 | "eta": 4, 53 | "max_depth": 4, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 7, 58 | "eta": 5, 59 | "max_depth": 1, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 2, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 8, 10 | "eta": 8, 11 | "max_depth": 1, 12 | "reg_lambda": 2 13 | }, 14 | { 15 | "colsample_bytree": 0, 16 | "eta": 4, 17 | "max_depth": 0, 18 | "reg_lambda": 4 19 | }, 20 | { 21 | "colsample_bytree": 6, 22 | "eta": 3, 23 | "max_depth": 5, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 5, 29 | "max_depth": 2, 30 | "reg_lambda": 4 31 | }, 32 | { 33 | "colsample_bytree": 3, 34 | "eta": 6, 35 | "max_depth": 4, 36 | "reg_lambda": 1 37 | }, 38 | { 39 | "colsample_bytree": 5, 40 | "eta": 7, 41 | "max_depth": 2, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 3, 46 | "eta": 8, 47 | "max_depth": 8, 48 | "reg_lambda": 6 49 | }, 50 | { 51 | "colsample_bytree": 8, 52 | "eta": 8, 53 | "max_depth": 3, 54 | "reg_lambda": 1 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 5, 59 | "max_depth": 3, 60 | "reg_lambda": 2 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 9, 4 | "eta": 5, 5 | "max_depth": 8, 6 | "reg_lambda": 6 7 | }, 8 | { 9 | "colsample_bytree": 6, 10 | "eta": 2, 11 | "max_depth": 8, 12 | "reg_lambda": 0 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 4, 17 | "max_depth": 6, 18 | "reg_lambda": 2 19 | }, 20 | { 21 | "colsample_bytree": 8, 22 | "eta": 9, 23 | "max_depth": 1, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 3, 29 | "max_depth": 0, 30 | "reg_lambda": 9 31 | }, 32 | { 33 | "colsample_bytree": 4, 34 | "eta": 9, 35 | "max_depth": 6, 36 | "reg_lambda": 8 37 | }, 38 | { 39 | "colsample_bytree": 2, 40 | "eta": 1, 41 | "max_depth": 5, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 7, 46 | "eta": 4, 47 | "max_depth": 4, 48 | "reg_lambda": 8 49 | }, 50 | { 51 | "colsample_bytree": 5, 52 | "eta": 1, 53 | "max_depth": 1, 54 | "reg_lambda": 5 55 | }, 56 | { 57 | "colsample_bytree": 5, 58 | "eta": 6, 59 | "max_depth": 3, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 2, 4 | "eta": 8, 5 | "max_depth": 2, 6 | "reg_lambda": 8 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 6, 12 | "reg_lambda": 5 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 2, 17 | "max_depth": 1, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 4, 22 | "eta": 1, 23 | "max_depth": 7, 24 | "reg_lambda": 2 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 3, 29 | "max_depth": 5, 30 | "reg_lambda": 5 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 2, 35 | "max_depth": 2, 36 | "reg_lambda": 2 37 | }, 38 | { 39 | "colsample_bytree": 3, 40 | "eta": 1, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 9, 46 | "eta": 2, 47 | "max_depth": 0, 48 | "reg_lambda": 2 49 | }, 50 | { 51 | "colsample_bytree": 6, 52 | "eta": 7, 53 | "max_depth": 0, 54 | "reg_lambda": 5 55 | }, 56 | { 57 | "colsample_bytree": 0, 58 | "eta": 5, 59 | "max_depth": 5, 60 | "reg_lambda": 9 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 3, 5 | "max_depth": 7, 6 | "reg_lambda": 0 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 5, 11 | "max_depth": 4, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 6, 17 | "max_depth": 4, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 5, 23 | "max_depth": 5, 24 | "reg_lambda": 9 25 | }, 26 | { 27 | "colsample_bytree": 7, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 7 31 | }, 32 | { 33 | "colsample_bytree": 0, 34 | "eta": 6, 35 | "max_depth": 6, 36 | "reg_lambda": 7 37 | }, 38 | { 39 | "colsample_bytree": 6, 40 | "eta": 5, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 4, 46 | "eta": 2, 47 | "max_depth": 6, 48 | "reg_lambda": 9 49 | }, 50 | { 51 | "colsample_bytree": 2, 52 | "eta": 6, 53 | "max_depth": 5, 54 | "reg_lambda": 6 55 | }, 56 | { 57 | "colsample_bytree": 8, 58 | "eta": 3, 59 | "max_depth": 2, 60 | "reg_lambda": 4 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 1, 4 | "eta": 7, 5 | "max_depth": 4, 6 | "reg_lambda": 7 7 | }, 8 | { 9 | "colsample_bytree": 9, 10 | "eta": 5, 11 | "max_depth": 4, 12 | "reg_lambda": 1 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 4, 17 | "max_depth": 5, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 3, 22 | "eta": 1, 23 | "max_depth": 2, 24 | "reg_lambda": 8 25 | }, 26 | { 27 | "colsample_bytree": 2, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 0 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 9, 35 | "max_depth": 2, 36 | "reg_lambda": 5 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 1, 41 | "max_depth": 4, 42 | "reg_lambda": 7 43 | }, 44 | { 45 | "colsample_bytree": 6, 46 | "eta": 4, 47 | "max_depth": 2, 48 | "reg_lambda": 4 49 | }, 50 | { 51 | "colsample_bytree": 3, 52 | "eta": 4, 53 | "max_depth": 3, 54 | "reg_lambda": 8 55 | }, 56 | { 57 | "colsample_bytree": 7, 58 | "eta": 3, 59 | "max_depth": 5, 60 | "reg_lambda": 2 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 9, 5 | "max_depth": 7, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 2, 10 | "eta": 0, 11 | "max_depth": 3, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 5, 16 | "eta": 4, 17 | "max_depth": 4, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 7, 22 | "eta": 6, 23 | "max_depth": 5, 24 | "reg_lambda": 4 25 | }, 26 | { 27 | "colsample_bytree": 3, 28 | "eta": 9, 29 | "max_depth": 3, 30 | "reg_lambda": 2 31 | }, 32 | { 33 | "colsample_bytree": 1, 34 | "eta": 9, 35 | "max_depth": 1, 36 | "reg_lambda": 3 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 2, 41 | "max_depth": 3, 42 | "reg_lambda": 8 43 | }, 44 | { 45 | "colsample_bytree": 3, 46 | "eta": 9, 47 | "max_depth": 0, 48 | "reg_lambda": 3 49 | }, 50 | { 51 | "colsample_bytree": 3, 52 | "eta": 7, 53 | "max_depth": 8, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 4, 58 | "eta": 2, 59 | "max_depth": 6, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/kc1_xgb/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 0, 4 | "eta": 5, 5 | "max_depth": 4, 6 | "reg_lambda": 1 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 2, 11 | "max_depth": 3, 12 | "reg_lambda": 2 13 | }, 14 | { 15 | "colsample_bytree": 1, 16 | "eta": 3, 17 | "max_depth": 1, 18 | "reg_lambda": 8 19 | }, 20 | { 21 | "colsample_bytree": 9, 22 | "eta": 0, 23 | "max_depth": 6, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 6, 29 | "max_depth": 4, 30 | "reg_lambda": 6 31 | }, 32 | { 33 | "colsample_bytree": 3, 34 | "eta": 6, 35 | "max_depth": 7, 36 | "reg_lambda": 4 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 7, 41 | "max_depth": 8, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 5, 46 | "eta": 9, 47 | "max_depth": 5, 48 | "reg_lambda": 8 49 | }, 50 | { 51 | "colsample_bytree": 9, 52 | "eta": 2, 53 | "max_depth": 2, 54 | "reg_lambda": 8 55 | }, 56 | { 57 | "colsample_bytree": 8, 58 | "eta": 7, 59 | "max_depth": 3, 60 | "reg_lambda": 4 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 5, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 4, 12 | "reg_lambda": 8 13 | }, 14 | { 15 | "colsample_bytree": 9, 16 | "eta": 3, 17 | "max_depth": 6, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 8, 23 | "max_depth": 1, 24 | "reg_lambda": 1 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 7, 29 | "max_depth": 6, 30 | "reg_lambda": 8 31 | }, 32 | { 33 | "colsample_bytree": 9, 34 | "eta": 7, 35 | "max_depth": 4, 36 | "reg_lambda": 7 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 6, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 5, 46 | "eta": 4, 47 | "max_depth": 2, 48 | "reg_lambda": 7 49 | }, 50 | { 51 | "colsample_bytree": 4, 52 | "eta": 5, 53 | "max_depth": 0, 54 | "reg_lambda": 6 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 6, 59 | "max_depth": 8, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 6, 5 | "max_depth": 0, 6 | "reg_lambda": 3 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 1, 11 | "max_depth": 1, 12 | "reg_lambda": 3 13 | }, 14 | { 15 | "colsample_bytree": 4, 16 | "eta": 5, 17 | "max_depth": 3, 18 | "reg_lambda": 6 19 | }, 20 | { 21 | "colsample_bytree": 2, 22 | "eta": 8, 23 | "max_depth": 0, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 5, 29 | "max_depth": 1, 30 | "reg_lambda": 2 31 | }, 32 | { 33 | "colsample_bytree": 7, 34 | "eta": 9, 35 | "max_depth": 3, 36 | "reg_lambda": 6 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 8, 41 | "max_depth": 1, 42 | "reg_lambda": 0 43 | }, 44 | { 45 | "colsample_bytree": 2, 46 | "eta": 8, 47 | "max_depth": 1, 48 | "reg_lambda": 4 49 | }, 50 | { 51 | "colsample_bytree": 9, 52 | "eta": 5, 53 | "max_depth": 6, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 8, 59 | "max_depth": 0, 60 | "reg_lambda": 7 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config2.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 0, 5 | "max_depth": 4, 6 | "reg_lambda": 4 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 3, 11 | "max_depth": 2, 12 | "reg_lambda": 6 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 2, 17 | "max_depth": 5, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 1, 22 | "eta": 5, 23 | "max_depth": 1, 24 | "reg_lambda": 7 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 1 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 1, 35 | "max_depth": 3, 36 | "reg_lambda": 1 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 5, 41 | "max_depth": 2, 42 | "reg_lambda": 1 43 | }, 44 | { 45 | "colsample_bytree": 2, 46 | "eta": 3, 47 | "max_depth": 4, 48 | "reg_lambda": 2 49 | }, 50 | { 51 | "colsample_bytree": 6, 52 | "eta": 4, 53 | "max_depth": 4, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 7, 58 | "eta": 5, 59 | "max_depth": 1, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config3.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 2, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 8, 10 | "eta": 8, 11 | "max_depth": 1, 12 | "reg_lambda": 2 13 | }, 14 | { 15 | "colsample_bytree": 0, 16 | "eta": 4, 17 | "max_depth": 0, 18 | "reg_lambda": 4 19 | }, 20 | { 21 | "colsample_bytree": 6, 22 | "eta": 3, 23 | "max_depth": 5, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 5, 29 | "max_depth": 2, 30 | "reg_lambda": 4 31 | }, 32 | { 33 | "colsample_bytree": 3, 34 | "eta": 6, 35 | "max_depth": 4, 36 | "reg_lambda": 1 37 | }, 38 | { 39 | "colsample_bytree": 5, 40 | "eta": 7, 41 | "max_depth": 2, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 3, 46 | "eta": 8, 47 | "max_depth": 8, 48 | "reg_lambda": 6 49 | }, 50 | { 51 | "colsample_bytree": 8, 52 | "eta": 8, 53 | "max_depth": 3, 54 | "reg_lambda": 1 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 5, 59 | "max_depth": 3, 60 | "reg_lambda": 2 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config4.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 9, 4 | "eta": 5, 5 | "max_depth": 8, 6 | "reg_lambda": 6 7 | }, 8 | { 9 | "colsample_bytree": 6, 10 | "eta": 2, 11 | "max_depth": 8, 12 | "reg_lambda": 0 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 4, 17 | "max_depth": 6, 18 | "reg_lambda": 2 19 | }, 20 | { 21 | "colsample_bytree": 8, 22 | "eta": 9, 23 | "max_depth": 1, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 3, 29 | "max_depth": 0, 30 | "reg_lambda": 9 31 | }, 32 | { 33 | "colsample_bytree": 4, 34 | "eta": 9, 35 | "max_depth": 6, 36 | "reg_lambda": 8 37 | }, 38 | { 39 | "colsample_bytree": 2, 40 | "eta": 1, 41 | "max_depth": 5, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 7, 46 | "eta": 4, 47 | "max_depth": 4, 48 | "reg_lambda": 8 49 | }, 50 | { 51 | "colsample_bytree": 5, 52 | "eta": 1, 53 | "max_depth": 1, 54 | "reg_lambda": 5 55 | }, 56 | { 57 | "colsample_bytree": 5, 58 | "eta": 6, 59 | "max_depth": 3, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config5.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 2, 4 | "eta": 8, 5 | "max_depth": 2, 6 | "reg_lambda": 8 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 6, 12 | "reg_lambda": 5 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 2, 17 | "max_depth": 1, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 4, 22 | "eta": 1, 23 | "max_depth": 7, 24 | "reg_lambda": 2 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 3, 29 | "max_depth": 5, 30 | "reg_lambda": 5 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 2, 35 | "max_depth": 2, 36 | "reg_lambda": 2 37 | }, 38 | { 39 | "colsample_bytree": 3, 40 | "eta": 1, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 9, 46 | "eta": 2, 47 | "max_depth": 0, 48 | "reg_lambda": 2 49 | }, 50 | { 51 | "colsample_bytree": 6, 52 | "eta": 7, 53 | "max_depth": 0, 54 | "reg_lambda": 5 55 | }, 56 | { 57 | "colsample_bytree": 0, 58 | "eta": 5, 59 | "max_depth": 5, 60 | "reg_lambda": 9 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config6.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 3, 5 | "max_depth": 7, 6 | "reg_lambda": 0 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 5, 11 | "max_depth": 4, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 3, 16 | "eta": 6, 17 | "max_depth": 4, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 5, 23 | "max_depth": 5, 24 | "reg_lambda": 9 25 | }, 26 | { 27 | "colsample_bytree": 7, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 7 31 | }, 32 | { 33 | "colsample_bytree": 0, 34 | "eta": 6, 35 | "max_depth": 6, 36 | "reg_lambda": 7 37 | }, 38 | { 39 | "colsample_bytree": 6, 40 | "eta": 5, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 4, 46 | "eta": 2, 47 | "max_depth": 6, 48 | "reg_lambda": 9 49 | }, 50 | { 51 | "colsample_bytree": 2, 52 | "eta": 6, 53 | "max_depth": 5, 54 | "reg_lambda": 6 55 | }, 56 | { 57 | "colsample_bytree": 8, 58 | "eta": 3, 59 | "max_depth": 2, 60 | "reg_lambda": 4 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config7.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 1, 4 | "eta": 7, 5 | "max_depth": 4, 6 | "reg_lambda": 7 7 | }, 8 | { 9 | "colsample_bytree": 9, 10 | "eta": 5, 11 | "max_depth": 4, 12 | "reg_lambda": 1 13 | }, 14 | { 15 | "colsample_bytree": 2, 16 | "eta": 4, 17 | "max_depth": 5, 18 | "reg_lambda": 7 19 | }, 20 | { 21 | "colsample_bytree": 3, 22 | "eta": 1, 23 | "max_depth": 2, 24 | "reg_lambda": 8 25 | }, 26 | { 27 | "colsample_bytree": 2, 28 | "eta": 4, 29 | "max_depth": 7, 30 | "reg_lambda": 0 31 | }, 32 | { 33 | "colsample_bytree": 5, 34 | "eta": 9, 35 | "max_depth": 2, 36 | "reg_lambda": 5 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 1, 41 | "max_depth": 4, 42 | "reg_lambda": 7 43 | }, 44 | { 45 | "colsample_bytree": 6, 46 | "eta": 4, 47 | "max_depth": 2, 48 | "reg_lambda": 4 49 | }, 50 | { 51 | "colsample_bytree": 3, 52 | "eta": 4, 53 | "max_depth": 3, 54 | "reg_lambda": 8 55 | }, 56 | { 57 | "colsample_bytree": 7, 58 | "eta": 3, 59 | "max_depth": 5, 60 | "reg_lambda": 2 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config8.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 8, 4 | "eta": 9, 5 | "max_depth": 7, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 2, 10 | "eta": 0, 11 | "max_depth": 3, 12 | "reg_lambda": 4 13 | }, 14 | { 15 | "colsample_bytree": 5, 16 | "eta": 4, 17 | "max_depth": 4, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 7, 22 | "eta": 6, 23 | "max_depth": 5, 24 | "reg_lambda": 4 25 | }, 26 | { 27 | "colsample_bytree": 3, 28 | "eta": 9, 29 | "max_depth": 3, 30 | "reg_lambda": 2 31 | }, 32 | { 33 | "colsample_bytree": 1, 34 | "eta": 9, 35 | "max_depth": 1, 36 | "reg_lambda": 3 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 2, 41 | "max_depth": 3, 42 | "reg_lambda": 8 43 | }, 44 | { 45 | "colsample_bytree": 3, 46 | "eta": 9, 47 | "max_depth": 0, 48 | "reg_lambda": 3 49 | }, 50 | { 51 | "colsample_bytree": 3, 52 | "eta": 7, 53 | "max_depth": 8, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 4, 58 | "eta": 2, 59 | "max_depth": 6, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/credit_g_xgb/Random/config9.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 0, 4 | "eta": 5, 5 | "max_depth": 4, 6 | "reg_lambda": 1 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 2, 11 | "max_depth": 3, 12 | "reg_lambda": 2 13 | }, 14 | { 15 | "colsample_bytree": 1, 16 | "eta": 3, 17 | "max_depth": 1, 18 | "reg_lambda": 8 19 | }, 20 | { 21 | "colsample_bytree": 9, 22 | "eta": 0, 23 | "max_depth": 6, 24 | "reg_lambda": 5 25 | }, 26 | { 27 | "colsample_bytree": 8, 28 | "eta": 6, 29 | "max_depth": 4, 30 | "reg_lambda": 6 31 | }, 32 | { 33 | "colsample_bytree": 3, 34 | "eta": 6, 35 | "max_depth": 7, 36 | "reg_lambda": 4 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 7, 41 | "max_depth": 8, 42 | "reg_lambda": 2 43 | }, 44 | { 45 | "colsample_bytree": 5, 46 | "eta": 9, 47 | "max_depth": 5, 48 | "reg_lambda": 8 49 | }, 50 | { 51 | "colsample_bytree": 9, 52 | "eta": 2, 53 | "max_depth": 2, 54 | "reg_lambda": 8 55 | }, 56 | { 57 | "colsample_bytree": 8, 58 | "eta": 7, 59 | "max_depth": 3, 60 | "reg_lambda": 4 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/phoneme_xgb/Random/config0.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 5, 4 | "eta": 6, 5 | "max_depth": 5, 6 | "reg_lambda": 5 7 | }, 8 | { 9 | "colsample_bytree": 4, 10 | "eta": 6, 11 | "max_depth": 4, 12 | "reg_lambda": 8 13 | }, 14 | { 15 | "colsample_bytree": 9, 16 | "eta": 3, 17 | "max_depth": 6, 18 | "reg_lambda": 5 19 | }, 20 | { 21 | "colsample_bytree": 5, 22 | "eta": 8, 23 | "max_depth": 1, 24 | "reg_lambda": 1 25 | }, 26 | { 27 | "colsample_bytree": 0, 28 | "eta": 7, 29 | "max_depth": 6, 30 | "reg_lambda": 8 31 | }, 32 | { 33 | "colsample_bytree": 9, 34 | "eta": 7, 35 | "max_depth": 4, 36 | "reg_lambda": 7 37 | }, 38 | { 39 | "colsample_bytree": 1, 40 | "eta": 6, 41 | "max_depth": 1, 42 | "reg_lambda": 9 43 | }, 44 | { 45 | "colsample_bytree": 5, 46 | "eta": 4, 47 | "max_depth": 2, 48 | "reg_lambda": 7 49 | }, 50 | { 51 | "colsample_bytree": 4, 52 | "eta": 5, 53 | "max_depth": 0, 54 | "reg_lambda": 6 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 6, 59 | "max_depth": 8, 60 | "reg_lambda": 6 61 | } 62 | ] -------------------------------------------------------------------------------- /init-configs/phoneme_xgb/Random/config1.json: -------------------------------------------------------------------------------- 1 | [ 2 | { 3 | "colsample_bytree": 4, 4 | "eta": 6, 5 | "max_depth": 0, 6 | "reg_lambda": 3 7 | }, 8 | { 9 | "colsample_bytree": 1, 10 | "eta": 1, 11 | "max_depth": 1, 12 | "reg_lambda": 3 13 | }, 14 | { 15 | "colsample_bytree": 4, 16 | "eta": 5, 17 | "max_depth": 3, 18 | "reg_lambda": 6 19 | }, 20 | { 21 | "colsample_bytree": 2, 22 | "eta": 8, 23 | "max_depth": 0, 24 | "reg_lambda": 6 25 | }, 26 | { 27 | "colsample_bytree": 4, 28 | "eta": 5, 29 | "max_depth": 1, 30 | "reg_lambda": 2 31 | }, 32 | { 33 | "colsample_bytree": 7, 34 | "eta": 9, 35 | "max_depth": 3, 36 | "reg_lambda": 6 37 | }, 38 | { 39 | "colsample_bytree": 8, 40 | "eta": 8, 41 | "max_depth": 1, 42 | "reg_lambda": 0 43 | }, 44 | { 45 | "colsample_bytree": 2, 46 | "eta": 8, 47 | "max_depth": 1, 48 | "reg_lambda": 4 49 | }, 50 | { 51 | "colsample_bytree": 9, 52 | "eta": 5, 53 | "max_depth": 6, 54 | "reg_lambda": 3 55 | }, 56 | { 57 | "colsample_bytree": 6, 58 | "eta": 8, 59 | "max_depth": 0, 60 | "reg_lambda": 7 61 | } 62 | ] --------------------------------------------------------------------------------