#!/usr/bin/env python3 import itertools import logging import numpy as np import os from collections import OrderedDict from copy import deepcopy from multiprocessing import Pool import dfatool.functions as df from .paramfit import ParamFit from .utils import remove_index_from_tuple, is_numeric from .utils import filter_aggregate_by_param, partition_by_param from .utils import param_to_ndarray logger = logging.getLogger(__name__) def distinct_param_values(param_tuples): """ Return the distinct values of each parameter in param_tuples. E.g. if param_tuples contains the distinct entries (1, 1), (1, 2), (1, 3), (0, 3), this function returns [[1, 0], [1, 2, 3]]. Note that this function deliberately also consider None (uninitialized parameter with unknown value) as a distinct value. Benchmarks and drivers must ensure that a parameter is only None when its value is not important yet, e.g. a packet length parameter must only be None when write() or similar has not been called yet. Other parameters should always be initialized when leaving UNINITIALIZED. """ if not len(param_tuples): logger.warning("distinct_param_values called with param_tuples=[]") return list() distinct_values = [OrderedDict() for i in range(len(param_tuples[0]))] for param_tuple in param_tuples: for i in range(len(param_tuple)): distinct_values[i][param_tuple[i]] = True # Convert sets to lists distinct_values = list(map(lambda x: list(x.keys()), distinct_values)) return distinct_values def _depends_on_param(corr_param, std_param, std_lut, threshold=0.5): # if self.use_corrcoef: if False: return corr_param > 0.1 elif std_param == 0: # In general, std_param_lut < std_by_param. So, if std_by_param == 0, std_param_lut == 0 follows. # This means that the variation of param does not affect the model quality -> no influence return False return std_lut / std_param < threshold def _mean_std_by_param(n_by_param, all_param_values, param_index): """ Calculate the mean standard deviation for a static model where all parameters but `param_index` are constant. :param n_by_param: measurements of a specific model attribute partitioned by parameter values. Example: `{(0, 2): [2], (0, 4): [4], (0, 6): [6]}` :param all_param_values: distinct values of each parameter. E.g. for two parameters, the first being None, FOO, or BAR, and the second being 1, 2, 3, or 4, the argument is `[[None, 'FOO', 'BAR'], [1, 2, 3, 4]]`. :param param_index: index of variable parameter :returns: mean stddev *mean stddev* is the mean standard deviation of all measurements where parameter `param_index` is dynamic and all other parameters are fixed. E.g., if parameters are a, b, c ∈ {1,2,3} and 'index' corresponds to b, then this function returns the mean of the standard deviations of (a=1, b=*, c=1), (a=1, b=*, c=2), and so on. """ partition_by_tuple = dict() for k, v in n_by_param.items(): tuple_key = (*k[:param_index], *k[param_index + 1 :]) if not tuple_key in partition_by_tuple: partition_by_tuple[tuple_key] = list() partition_by_tuple[tuple_key].extend(v) if len(partition_by_tuple) == 0: return 0.0 return np.mean([np.std(partition) for partition in partition_by_tuple.values()]) def _corr_by_param(attribute_data, param_values, param_index): """ Return correlation coefficient (`np.corrcoef`) of `attribute_data` <-> `param_values[param_index]` A correlation coefficient close to 1 indicates that the attribute likely depends on the value of the parameter denoted by `param_index`, if it is nearly 0, it likely does not depend on it. If any value of `param_index` is not numeric (i.e., can not be parsed as float), this function returns 0. :param attribute_data: list or 1-D numpy array of measurements :param param_values: list of parameter values :param param_index: index of parameter in `by_name[*]['param']` """ if _all_params_are_numeric(param_values, param_index): param_values = np.array( list((map(lambda x: float(x[param_index]), param_values))) ) try: return np.corrcoef(attribute_data, param_values)[0, 1] except FloatingPointError: # Typically happens when all parameter values are identical. # Building a correlation coefficient is pointless in this case # -> assume no correlation return 0.0 except (TypeError, ValueError) as e: logger.error(f"{e} in _corr_by_param(param_index={param_index})") logger.error( "while executing np.corrcoef({}, {}))".format( attribute_data, param_values ) ) raise else: return 0.0 def _compute_param_statistics( data, param_names, param_tuples, arg_count=None, use_corrcoef=False, codependent_params=list(), ): """ Compute standard deviation and correlation coefficient on parameterized data partitions. It is strongly recommended to vary all parameter values evenly. For instance, given two parameters, providing only the combinations (1, 1), (5, 1), (7, 1,) (10, 1), (1, 2), (1, 6) will lead to bogus results. It is better to provide (1, 1), (5, 1), (1, 2), (5, 2), ... (i.e. a cross product of all individual parameter values) arguments: data -- measurement data (ground truth). Must be a list or 1-D numpy array. param_names -- list of parameter names param_tuples -- list of parameter values corresponding to the order in param_names arg_count -- dict providing the number of functions args ("local parameters") for each function. use_corrcoef -- use correlation coefficient instead of stddev heuristic for parameter detection :returns: a dict with the following content: std_static -- static parameter-unaware model error: stddev of data std_param_lut -- static parameter-aware model error: mean stddev of data[*] std_by_param -- static parameter-aware model error ignoring a single parameter. dictionary with one key per parameter. The value is the mean stddev of measurements where all other parameters are fixed and the parameter in question is variable. E.g. std_by_param['X'] is the mean stddev of n_by_param[(X=*, Y=..., Z=...)]. std_by_arg -- same, but ignoring a single function argument Only set if arg_count is non-zero, empty list otherwise. corr_by_param -- correlation coefficient corr_by_arg -- same, but ignoring a single function argument Only set if arg_count is non-zero, empty list otherwise. depends_on_param -- dict(parameter_name -> Bool). True if /attribute/ behaviour probably depends on /parameter_name/ depends_on_arg -- list(bool). Same, but for function arguments, if any. """ ret = dict() ret["by_param"] = by_param = partition_by_param(data, param_tuples) ret["use_corrcoef"] = use_corrcoef ret["_parameter_names"] = param_names ret["distinct_values_by_param_index"] = distinct_param_values(param_tuples) ret["distinct_values_by_param_name"] = dict() for i, param in enumerate(param_names): ret["distinct_values_by_param_name"][param] = ret[ "distinct_values_by_param_index" ][i] ret["std_static"] = np.std(data) # TODO Gewichtung? Parameterkombinationen mit wenig verfügbaren Messdaten werden # genau so behandelt wie welchemit vielen verfügbaren Messdaten, in # std_static haben sie dagegen weniger Gewicht ret["std_param_lut"] = np.mean([np.std(v) for v in by_param.values()]) ret["std_by_param"] = dict() ret["std_by_arg"] = list() ret["corr_by_param"] = dict() ret["corr_by_arg"] = list() ret["_depends_on_param"] = dict() ret["_depends_on_arg"] = list() np.seterr("raise") relevance_threshold = float(os.getenv("DFATOOL_PARAM_RELEVANCE_TRESHOLD", 0.5)) for param_idx, param in enumerate(param_names): if param_idx < len(codependent_params) and codependent_params[param_idx]: by_param = partition_by_param( data, param_tuples, ignore_parameters=codependent_params[param_idx] ) distinct_values = ret["distinct_values_by_param_index"].copy() for codependent_param_index in codependent_params[param_idx]: distinct_values[codependent_param_index] = [None] else: by_param = ret["by_param"] distinct_values = ret["distinct_values_by_param_index"] mean_std = _mean_std_by_param(by_param, distinct_values, param_idx) ret["std_by_param"][param] = mean_std ret["corr_by_param"][param] = _corr_by_param(data, param_tuples, param_idx) ret["_depends_on_param"][param] = _depends_on_param( ret["corr_by_param"][param], ret["std_by_param"][param], ret["std_param_lut"], relevance_threshold, ) if arg_count: for arg_index in range(arg_count): param_idx = len(param_names) + arg_index if param_idx < len(codependent_params) and codependent_params[param_idx]: by_param = partition_by_param( data, param_tuples, ignore_parameters=codependent_params[param_idx] ) distinct_values = ret["distinct_values_by_param_index"].copy() for codependent_param_index in codependent_params[param_idx]: distinct_values[codependent_param_index] = [None] else: by_param = ret["by_param"] distinct_values = ret["distinct_values_by_param_index"] mean_std = _mean_std_by_param(by_param, distinct_values, param_idx) ret["std_by_arg"].append(mean_std) ret["corr_by_arg"].append(_corr_by_param(data, param_tuples, param_idx)) if False: ret["_depends_on_arg"].append(ret["corr_by_arg"][arg_index] > 0.1) elif ret["std_by_arg"][arg_index] == 0: # In general, std_param_lut < std_by_arg. So, if std_by_arg == 0, std_param_lut == 0 follows. # This means that the variation of arg does not affect the model quality -> no influence ret["_depends_on_arg"].append(False) else: ret["_depends_on_arg"].append( ret["std_param_lut"] / ret["std_by_arg"][arg_index] < relevance_threshold ) return ret def codependent_param_dict(param_values): """ Detect pairs of codependent parameters in param_values. The parameter values are first normalized to integer values (e.g. 1, 7, 33 -> 0, 1, 2 and "foo", None, "Hello" -> 0, 1, 2). In essence, a pair of parameters (p1, p2) is codepenent if p2 changes only if p1 changes. This is calculated as follows: A pair of parameters (p1, p2) is codependent if, for each normalized value of p1, there is only one normalized value of p2 in the set of measurements with parameter 1 == p1. Essentially, this means that the mean standard deviation of parameter 2 values for each subset of measurements with a constant parameter 1 value is zero. :param param_values: List of parameter values. Each list entry contains a list of parameter values for one measurement: ((param 1 value 1, param 2 value 1, ...), (param 1 value 2, param 2 value 2, ...), ...) :returns: dict of codependent parameter pairs. dict[(param 1 index, param 2 index)] is True iff param 1 and param 2 are codependent. """ if not len(param_values): logger.warning("codependent_param_dict called with param_values=[]") return dict() if bool(int(os.getenv("DFATOOL_SKIP_CODEPENDENT_CHECK", 0))): logger.info( "codependent_param_dict: returning empty dict due to DFATOOL_SKIP_CODEPENDENT_CHECK" ) return dict() lut = [dict() for i in param_values[0]] for param_index in range(len(param_values[0])): uniqs = set(map(lambda param_tuple: param_tuple[param_index], param_values)) for uniq_index, uniq in enumerate(uniqs): lut[param_index][uniq] = uniq_index normed_param_values = list() for param_tuple in param_values: normed_param_values.append( tuple(map(lambda ipv: lut[ipv[0]][ipv[1]], enumerate(param_tuple))) ) normed_param_values = np.array(normed_param_values) std_by_param = list() std_by_param_pair = dict() ret = dict() for param1_i in range(len(lut)): std_by_param.append(np.std(normed_param_values[:, param1_i])) for param2_i in range(param1_i + 1, len(lut)): stds = list() for param1_value in range(len(lut[param1_i])): tt = normed_param_values[:, param1_i] == param1_value values = normed_param_values[tt, param2_i] if len(values) <= 1: stds.append(0.0) else: stds.append(np.std(values)) std_by_param_pair[(param1_i, param2_i)] = np.mean(stds) for param1_i in range(len(lut)): for param2_i in range(param1_i + 1, len(lut)): if std_by_param[param1_i] > 0 and std_by_param[param2_i] > 0: if std_by_param_pair[(param1_i, param2_i)] == 0: ret[(param1_i, param2_i)] = True return ret def _compute_param_statistics_parallel(arg): return {"key": arg["key"], "dict": _compute_param_statistics(*arg["args"])} def _all_params_are_numeric(data, param_idx): """Check if all `data['param'][*][param_idx]` elements are numeric, as reported by `utils.is_numeric`.""" param_values = list(map(lambda x: x[param_idx], data)) return all(map(is_numeric, param_values)) class ParamType(dict): UNSET = 0 USELESS = 1 BOOLEAN = 2 SCALAR = 3 ENUM = 4 def __init__(self, param_values, values_are_distinct=False): if values_are_distinct: distinct_values = param_values else: distinct_values = distinct_param_values(param_values) for param_index, param_values in enumerate(distinct_values): if None in param_values: none_adj = -1 else: none_adj = 0 value_count = len(param_values) + none_adj if value_count == 0: self[param_index] = self.UNSET elif value_count == 1: self[param_index] = self.USELESS elif value_count == 2: self[param_index] = self.BOOLEAN elif all(map(lambda n: n is None or is_numeric(n), param_values)): self[param_index] = self.SCALAR else: self[param_index] = self.ENUM class ParallelParamStats: def __init__(self): self.queue = list() self.map = dict() def enqueue(self, key, attr): """ Enqueue data series for statistics calculation. :param key: entry key used for retrieval. attr is stored in self.map[key] and extended with "by_param" and "stats" attributes once compute() has been called. :param attr: ModelAttribute instance. Edited in-place by compute() """ self.queue.append( { "key": key, "args": [ attr.data, attr.param_names, attr.param_values, attr.arg_count, False, attr.codependent_params, ], } ) self.map[key] = attr def compute(self): """ Compute statistics for previously enqueue ModelAttribute data. Statistics are computed in parallel with one process per core. Results are written to each ModelAttribute wich was passed via enqueue(). """ with Pool() as pool: results = pool.map(_compute_param_statistics_parallel, self.queue) for result in results: self.map[result["key"]].by_param = result["dict"].pop("by_param") self.map[result["key"]].stats = ParamStats(result["dict"]) class ParamStats: """ Statistics. :var std_static: static parameter-unaware model error (standard deviation of raw data) :var std_param_lut: static parameter-aware model error (mean standard deviation of data partitioned by parameter) :var std_by_param: static parameter-aware model error ignoring a single parameter. dict mapping parameter name -> mean std of data partitioned so that all parameters but "parameter name" are constant. :var sty_by_arg: list, argument index -> mean std of data partition so that all parameters but "argument index" are constant :var _depends_on_param: dict, parameter name -> bool, True if the modeled behaviour likely depends on parameter name :var _depends_on_arg: list, argument index -> bool, True if the modeled behaviour likely depends on argument index """ def __init__(self, data): self.__dict__.update(data) @classmethod def compute_for_attr(cls, attr, use_corrcoef=False): res = _compute_param_statistics( attr.data, attr.param_names, attr.param_values, arg_count=attr.arg_count, use_corrcoef=use_corrcoef, codependent_params=attr.codependent_params, ) attr.by_param = res.pop("by_param") attr.stats = cls(res) def _generic_param_independence_ratio(self): """ Return the heuristic ratio of parameter independence. This is not supported if the correlation coefficient is used. A value close to 1 means no influence, a value close to 0 means high probability of influence. """ if self.use_corrcoef: # not supported raise ValueError if self.std_static == 0: return 0 return self.std_param_lut / self.std_static def generic_param_dependence_ratio(self): """ Return the heuristic ratio of parameter dependence. This is not supported if the correlation coefficient is used. A value close to 0 means no influence, a value close to 1 means high probability of influence. """ return 1 - self._generic_param_independence_ratio() def _param_independence_ratio(self, param: str) -> float: """ Return the heuristic ratio of parameter independence for param. A value close to 1 means no influence, a value close to 0 means high probability of influence. """ if self.use_corrcoef: return 1 - np.abs(self.corr_by_param[param]) if self.std_by_param[param] == 0: # if self.std_param_lut != 0: # raise RuntimeError(f"wat: std_by_param[{param}]==0, but std_param_lut=={self.std_param_lut} ≠ 0") # In general, std_param_lut < std_by_param. So, if std_by_param == 0, std_param_lut == 0 follows. # This means that the variation of param does not affect the model quality -> no influence, return 1 return 1.0 return self.std_param_lut / self.std_by_param[param] def param_dependence_ratio(self, param: str) -> float: """ Return the heuristic ratio of parameter dependence for param. A value close to 0 means no influence, a value close to 1 means high probability of influence. :param param: parameter name :returns: parameter dependence (float between 0 == no influence and 1 == high probability of influence) """ return 1 - self._param_independence_ratio(param) def _arg_independence_ratio(self, arg_index): if self.use_corrcoef: return 1 - np.abs(self.corr_by_arg[arg_index]) if self.std_by_arg[arg_index] == 0: if self.std_param_lut != 0: raise RuntimeError( f"wat: std_by_arg[{arg_index}]==0, but std_param_lut=={self.std_param_lut} ≠ 0" ) # In general, std_param_lut < std_by_arg. So, if std_by_arg == 0, std_param_lut == 0 follows. # This means that the variation of arg does not affect the model quality -> no influence, return 1 return 1 return self.std_param_lut / self.std_by_arg[arg_index] def arg_dependence_ratio(self, arg_index: int) -> float: return 1 - self._arg_independence_ratio(arg_index) # This heuristic is very similar to the "function is not much better than # median" checks in get_fitted. So far, doing it here as well is mostly # a performance and not an algorithm quality decision. # --df, 2018-04-18 def depends_on_param(self, param): """Return whether attribute of state_or_trans depens on param.""" return self._depends_on_param[param] # See notes on depends_on_param def depends_on_arg(self, arg_index): """Return whether attribute of state_or_trans depens on arg_index.""" return self._depends_on_arg[arg_index] class ModelAttribute: """ A ModelAttribute instance handles a single model attribute, e.g. TX state power or something() function call duration, and corresponding benchmark data. It provides three models: - a static model (`mean`, `median`) as lower bound of model accuracy - a LUT model (`by_param`) as upper bound of model accuracy - a fitted model (`model_function`, a `ModelFunction` instance) """ def __init__( self, name, attr, data, param_values, param_names, arg_count=0, codependent_param=dict(), param_type=dict(), ): # Data for model generation self.data = np.array(data) # Meta data self.name = name self.attr = attr self.param_values = param_values self.param_names = sorted(param_names) self.arg_count = arg_count self.log_param_names = self.param_names + list( map(lambda i: f"arg{i}", range(arg_count)) ) # dict: Parameter index -> Parameter type (UNSET, BOOLEAN, SCALAR, ...) self.param_type = param_type self.nonscalar_param_indexes = list( map( lambda kv: kv[0], filter(lambda kv: kv[1] != ParamType.SCALAR, self.param_type.items()), ) ) self.scalar_param_indexes = list( map( lambda kv: kv[0], filter(lambda kv: kv[1] == ParamType.SCALAR, self.param_type.items()), ) ) # Co-dependent parameters. If (param1_index, param2_index) in codependent_param, they are codependent. # In this case, only one of them must be used for parameter-dependent model attribute detection and modeling self.codependent_param_pair = codependent_param self.codependent_params = [list() for x in self.log_param_names] self.ignore_param = dict() # Static model used as lower bound of model accuracy if data is not None: self.mean = np.mean(data) self.median = np.median(data) else: self.mean = None self.median = None # LUT model used as upper bound of model accuracy self.by_param = None # set via ParallelParamStats # Split (decision tree) information self.split = None # param model override self.function_override = None # The best model we have. May be Static, Split, or Param (and later perhaps Substate) self.model_function = None self._check_codependent_param() # There must be at least 3 distinct data values (≠ None) if an analytic model # is to be fitted. For 2 (or fewer) values, decision trees are better. self.min_values_for_analytic_model = 3 def __repr__(self): mean = np.mean(self.data) return f"ModelAttribute<{self.name}, {self.attr}, mean={mean}>" def to_json(self, **kwargs): if type(self.model_function) in (df.CARTFunction, df.XGBoostFunction): import sklearn.tree feature_names = list( map( lambda i: self.param_names[i], filter( lambda i: not self.model_function.ignore_index[i], range(len(self.param_names)), ), ) ) feature_names += list( map( lambda i: f"arg{i-len(self.param_names)}", filter( lambda i: not self.model_function.ignore_index[i], range( len(self.param_names), len(self.param_names) + self.arg_count, ), ), ) ) kwargs["feature_names"] = feature_names ret = { "paramNames": self.param_names, "argCount": self.arg_count, "modelFunction": self.model_function.to_json(**kwargs), } if type(self.model_function) in ( df.CARTFunction, df.FOLFunction, df.XGBoostFunction, ): feature_names = self.param_names feature_names += list( map( lambda i: f"arg{i-len(self.param_names)}", filter( lambda i: not self.model_function.ignore_index[i], range( len(self.param_names), len(self.param_names) + self.arg_count, ), ), ) ) ret["paramValueToIndex"] = dict( map( lambda kv: (feature_names[kv[0]], kv[1]), self.model_function.categorial_to_index.items(), ) ) return ret def to_dref(self, unit=None): ret = {"mean": (self.mean, unit), "median": (self.median, unit)} if issubclass(type(self.model_function), df.ModelFunction): ret["model/complexity"] = self.model_function.get_complexity_score() if self.by_param: ret["lut/complexity"] = len(self.by_param.keys()) + 1 if type(self.model_function) in ( df.SplitFunction, df.CARTFunction, df.XGBoostFunction, df.LMTFunction, ): ret["decision tree/nodes"] = self.model_function.get_number_of_nodes() ret["decision tree/leaves"] = self.model_function.get_number_of_leaves() ret["decision tree/inner nodes"] = ( ret["decision tree/nodes"] - ret["decision tree/leaves"] ) ret["decision tree/max depth"] = self.model_function.get_max_depth() elif type(self.model_function) in (df.StaticFunction, df.AnalyticFunction): ret["decision tree/nodes"] = 1 ret["decision tree/leaves"] = 1 ret["decision tree/inner nodes"] = 0 ret["decision tree/max depth"] = 0 return ret def to_dot(self): if type(self.model_function) in ( df.SplitFunction, df.StaticFunction, df.AnalyticFunction, ): import pydot graph = pydot.Dot("Regression Model Tree", graph_type="graph") self.model_function.to_dot(pydot, graph, self.param_names) return graph if type(self.model_function) == df.CARTFunction: import sklearn.tree feature_names = list( map( lambda i: self.param_names[i], filter( lambda i: not self.model_function.ignore_index[i], range(len(self.param_names)), ), ) ) feature_names += list( map( lambda i: f"arg{i-len(self.param_names)}", filter( lambda i: not self.model_function.ignore_index[i], range( len(self.param_names), len(self.param_names) + self.arg_count, ), ), ) ) return sklearn.tree.export_graphviz( self.model_function.regressor, out_file=None, feature_names=feature_names, ) if type(self.model_function) == df.LMTFunction: feature_names = list( map( lambda i: self.param_names[i], filter( lambda i: not self.model_function.ignore_index[i], range(len(self.param_names)), ), ) ) feature_names += list( map( lambda i: f"arg{i-len(self.param_names)}", filter( lambda i: not self.model_function.ignore_index[i], range( len(self.param_names), len(self.param_names) + self.arg_count, ), ), ) ) return self.model_function.regressor.model_to_dot( feature_names=feature_names ) return None def webconf_function_map(self): return self.model_function.webconf_function_map() @classmethod def from_json(cls, name, attr, data): param_names = data["paramNames"] arg_count = data["argCount"] self = cls(name, attr, None, None, param_names, arg_count) self.model_function = df.ModelFunction.from_json(data["modelFunction"]) return self def _check_codependent_param(self): for ( (param1_index, param2_index), is_codependent, ) in self.codependent_param_pair.items(): if not is_codependent: continue param1_values = map(lambda pv: pv[param1_index], self.param_values) param1_numeric_count = sum(map(is_numeric, param1_values)) param2_values = map(lambda pv: pv[param2_index], self.param_values) param2_numeric_count = sum(map(is_numeric, param2_values)) # If all occurences of (param1, param2) are either (None, None) or (not None, not None), removing one of them is sensible. # Otherwise, one parameter may decide whether the other one has an effect or not (or what kind of effect it has). This is importent for # decision-tree models, so do not remove parameters in that case. params_are_pairwise_none = all( map( lambda pv: not ( (pv[param1_index] is None) ^ (pv[param2_index] is None) ), self.param_values, ) ) if ( param1_numeric_count >= param2_numeric_count and params_are_pairwise_none ): self.ignore_param[param2_index] = True self.codependent_params[param1_index].append(param2_index) logger.info( f"{self.name} {self.attr}: parameters ({self.log_param_names[param1_index]}, {self.log_param_names[param2_index]}) are codependent. Ignoring {self.log_param_names[param2_index]}" ) elif ( param2_numeric_count >= param1_numeric_count and params_are_pairwise_none ): self.ignore_param[param1_index] = True self.codependent_params[param2_index].append(param1_index) logger.info( f"{self.name} {self.attr}: parameters ({self.log_param_names[param1_index]}, {self.log_param_names[param2_index]}) are codependent. Ignoring {self.log_param_names[param1_index]}" ) def get_static(self, use_mean=False): if use_mean: return self.mean return self.median def get_lut(self, param, use_mean=False): if use_mean: return np.mean(self.by_param[param]) return np.median(self.by_param[param]) def get_data_for_paramfit(self, safe_functions_enabled=False): if self.split: return self.get_data_for_paramfit_split( safe_functions_enabled=safe_functions_enabled ) else: return self.get_data_for_paramfit_this( safe_functions_enabled=safe_functions_enabled ) def get_data_for_paramfit_split(self, safe_functions_enabled=False): # currently unused split_param_index, child_by_param_value = self.split ret = list() for param_value, child in child_by_param_value.items(): child_ret = child.get_data_for_paramfit( safe_functions_enabled=safe_functions_enabled ) for key, param, args, kwargs in child_ret: ret.append((key[:2] + (param_value,) + key[2:], param, args, kwargs)) return ret def _by_param_for_index(self, param_index): if not self.codependent_params[param_index]: return self.by_param new_param_values = list() for param_tuple in self.param_values: new_param_tuple = param_tuple.copy() for i in self.codependent_params[param_index]: new_param_tuple[i] = None new_param_values.append(new_param_tuple) return partition_by_param(self.data, new_param_values) def depends_on_any_param(self): for param_index, param_name in enumerate(self.param_names): if ( self.stats.depends_on_param(param_name) and not param_index in self.ignore_param ): return True return False def all_relevant_parameters_are_none_or_numeric(self): for param_index, param_name in enumerate(self.param_names): if ( self.stats.depends_on_param(param_name) and not param_index in self.ignore_param ): param_values = list(map(lambda x: x[param_index], self.param_values)) if not all(map(lambda n: n is None or is_numeric(n), param_values)): return False distinct_values = self.stats.distinct_values_by_param_index[param_index] if ( None in distinct_values and len(distinct_values) - 1 < self.min_values_for_analytic_model ) or len(distinct_values) < self.min_values_for_analytic_model: return False return True def get_data_for_paramfit_this(self, safe_functions_enabled=False): ret = list() for param_index, param_name in enumerate(self.param_names): if ( self.stats.depends_on_param(param_name) and not param_index in self.ignore_param ): by_param = self._by_param_for_index(param_index) ret.append( ( (self.name, self.attr), param_name, (by_param, param_index, safe_functions_enabled), dict(), ) ) if self.arg_count: for arg_index in range(self.arg_count): param_index = len(self.param_names) + arg_index if ( self.stats.depends_on_arg(arg_index) and not param_index in self.ignore_param ): by_param = self._by_param_for_index(param_index) ret.append( ( (self.name, self.attr), arg_index, (by_param, param_index, safe_functions_enabled), dict(), ) ) return ret def build_fol_model(self): ignore_irrelevant = bool( int(os.getenv("DFATOOL_DTREE_IGNORE_IRRELEVANT_PARAMS", "1")) ) ignore_param_indexes = list() if ignore_irrelevant: for param_index, param in enumerate(self.param_names): if not self.stats.depends_on_param(param): ignore_param_indexes.append(param_index) for param_index, _ in enumerate(self.param_names): if len(self.stats.distinct_values_by_param_index[param_index]) < 2: ignore_param_indexes.append(param_index) x = df.FOLFunction(self.median, self.param_names) x.fit(self.param_values, self.data, ignore_param_indexes=ignore_param_indexes) if x.fit_success: self.model_function = x else: logger.warning(f"Fit of first-order linear model function failed.") def fit_override_function(self): function_str = self.function_override x = df.AnalyticFunction( self.median, function_str, self.param_names, self.arg_count, # fit_by_param=fit_result, ) x.fit(self.by_param) if x.fit_success: self.model_function = x else: logger.warning(f"Fit of user-defined model function {function_str} failed.") def set_data_from_paramfit(self, paramfit, prefix=tuple()): if self.split: self.set_data_from_paramfit_split(paramfit, prefix) else: self.set_data_from_paramfit_this(paramfit, prefix) def set_data_from_paramfit_split(self, paramfit, prefix): # currently unused split_param_index, child_by_param_value = self.split function_map = { "split_by": split_param_index, "child": dict(), "child_static": dict(), } function_child = dict() info_child = dict() for param_value, child in child_by_param_value.items(): child.set_data_from_paramfit(paramfit, prefix + (param_value,)) function_child[param_value] = child.model_function self.model_function = df.SplitFunction( self.median, split_param_index, function_child ) def set_data_from_paramfit_this(self, paramfit, prefix): fit_result = paramfit.get_result((self.name, self.attr) + prefix) if self.model_function is None: self.model_function = df.StaticFunction(self.median) if os.getenv("DFATOOL_NO_PARAM"): pass elif len(fit_result.keys()): x = df.analytic.function_powerset( fit_result, self.param_names, self.arg_count ) x.value = self.median x.fit(self.by_param) if x.fit_success: self.model_function = x def build_dtree( self, parameters, data, with_function_leaves=None, with_nonbinary_nodes=None, with_sklearn_cart=None, with_sklearn_decart=None, with_lmt=None, with_xgboost=None, ignore_irrelevant_parameters=None, loss_ignore_scalar=None, threshold=100, ): """ Build a Decision Tree on `param` / `data` for kconfig models. :param parameters: parameter values for each measurement. [(data 1 param 1, data 1 param 2, ...), (data 2 param 1, data 2 param 2, ...), ...] :param data: Measurements. [data 1, data 2, data 3, ...] :param with_function_leaves: Use fitted function sets to generate function leaves for scalar parameters :param with_nonbinary_nodes: Allow non-binary nodes for enum and scalar parameters (i.e., nodes with more than two children) :param with_sklearn_cart: Use `sklearn.tree.DecisionTreeRegressor` CART implementation for tree generation. Does not support categorial (enum) and sparse parameters. Both are ignored during fitting. All other options are ignored as well. :param with_sklearn_decart: Use `sklearn.tree.DecisionTreeRegressor` CART implementation in DECART mode for tree generation. CART limitations apply; additionaly, scalar parameters are ignored during fitting. :param loss_ignore_scalar: Ignore scalar parameters when computing the loss for split candidates. Only sensible if with_function_leaves is enabled. :param threshold: Return a StaticFunction leaf node if std(data) < threshold. Default 100. :returns: SplitFunction or StaticFunction """ categorial_to_scalar = bool( int(os.getenv("DFATOOL_PARAM_CATEGORIAL_TO_SCALAR", "0")) ) if with_function_leaves is None: with_function_leaves = bool( int(os.getenv("DFATOOL_DTREE_FUNCTION_LEAVES", "1")) ) if with_nonbinary_nodes is None: with_nonbinary_nodes = bool( int(os.getenv("DFATOOL_DTREE_NONBINARY_NODES", "1")) ) if with_sklearn_cart is None: with_sklearn_cart = bool(int(os.getenv("DFATOOL_DTREE_SKLEARN_CART", "0"))) if with_sklearn_decart is None: with_sklearn_decart = bool( int(os.getenv("DFATOOL_DTREE_SKLEARN_DECART", "0")) ) if with_lmt is None: with_lmt = bool(int(os.getenv("DFATOOL_DTREE_LMT", "0"))) if with_xgboost is None: with_xgboost = bool(int(os.getenv("DFATOOL_USE_XGBOOST", "0"))) if ignore_irrelevant_parameters is None: ignore_irrelevant_parameters = bool( int(os.getenv("DFATOOL_DTREE_IGNORE_IRRELEVANT_PARAMS", "1")) ) if loss_ignore_scalar is None: loss_ignore_scalar = bool( int(os.getenv("DFATOOL_DTREE_LOSS_IGNORE_SCALAR", "0")) ) if with_sklearn_cart or with_sklearn_decart: from sklearn.tree import DecisionTreeRegressor max_depth = int(os.getenv("DFATOOL_CART_MAX_DEPTH", "0")) if max_depth == 0: max_depth = None cart = DecisionTreeRegressor(max_depth=max_depth) if with_sklearn_cart: fit_parameters, category_to_index, ignore_index = param_to_ndarray( parameters, with_nan=False, categorial_to_scalar=categorial_to_scalar, ) elif with_sklearn_decart: fit_parameters, category_to_index, ignore_index = param_to_ndarray( parameters, with_nan=False, categorial_to_scalar=categorial_to_scalar, ignore_indexes=self.scalar_param_indexes, ) if fit_parameters.shape[1] == 0: logger.warning( f"Cannot generate CART for {self.name} {self.attr} due to lack of parameters: parameter shape is {np.array(parameters).shape}, fit_parameter shape is {fit_parameters.shape}" ) self.model_function = df.StaticFunction(np.mean(data)) return cart.fit(fit_parameters, data) self.model_function = df.CARTFunction( np.mean(data), cart, category_to_index, ignore_index ) return if with_xgboost: import xgboost # TODO retrieve parameters from env # # n_estimators := number of trees in forest # max_depth := maximum tree depth # eta <=> learning_rate xgb = xgboost.XGBRegressor( n_estimators=int(os.getenv("DFATOOL_XGB_N_ESTIMATORS", "100")), max_depth=int(os.getenv("DFATOOL_XGB_MAX_DEPTH", "10")), subsample=0.7, gamma=0.01, reg_alpha=0.0006, ) fit_parameters, category_to_index, ignore_index = param_to_ndarray( parameters, with_nan=False, categorial_to_scalar=categorial_to_scalar ) if fit_parameters.shape[1] == 0: logger.warning( f"Cannot run XGBoost for {self.name} {self.attr} due to lack of parameters: parameter shape is {np.array(parameters).shape}, fit_parameter shape is {fit_parameters.shape}" ) self.model_function = df.StaticFunction(np.mean(data)) return xgb.fit(fit_parameters, np.reshape(data, (-1, 1))) self.model_function = df.XGBoostFunction( np.mean(data), xgb, category_to_index, ignore_index ) output_filename = os.getenv("DFATOOL_XGB_DUMP_MODEL", None) if output_filename: xgb.get_booster().dump_model( output_filename, dump_format="json", with_stats=True ) return if with_lmt: from sklearn.linear_model import LinearRegression from dfatool.lineartree import LinearTreeRegressor lmt = LinearTreeRegressor(base_estimator=LinearRegression(), max_depth=20) fit_parameters, category_to_index, ignore_index = param_to_ndarray( parameters, with_nan=False, categorial_to_scalar=categorial_to_scalar ) if fit_parameters.shape[1] == 0: logger.warning( f"Cannot generate LMT for {self.name} {self.attr} due to lack of parameters: parameter shape is {np.array(parameters).shape}, fit_parameter shape is {fit_parameters.shape}" ) self.model_function = df.StaticFunction(np.mean(data)) return try: lmt.fit(fit_parameters, data) except np.linalg.LinAlgError as e: logger.error(f"LMT generation for {self.name} {self.attr} failed: {e}") self.model_function = df.StaticFunction(np.mean(data)) return self.model_function = df.LMTFunction( np.mean(data), lmt, category_to_index, ignore_index ) return if loss_ignore_scalar and not with_function_leaves: logger.warning( "build_dtree {self.name} {self.attr} called with loss_ignore_scalar=True, with_function_leaves=False. This does not make sense." ) relevance_threshold = float(os.getenv("DFATOOL_PARAM_RELEVANCE_TRESHOLD", 0.5)) self.model_function = self._build_dtree( parameters, data, with_function_leaves=with_function_leaves, with_nonbinary_nodes=with_nonbinary_nodes, ignore_irrelevant_parameters=ignore_irrelevant_parameters, loss_ignore_scalar=loss_ignore_scalar, threshold=threshold, relevance_threshold=relevance_threshold, ) def _build_dtree( self, parameters, data, with_function_leaves=False, with_nonbinary_nodes=True, ignore_irrelevant_parameters=True, loss_ignore_scalar=False, threshold=100, relevance_threshold=0.5, level=0, ): """ Build a Decision Tree on `param` / `data` for kconfig models. :param parameters: parameter values for each measurement. [(data 1 param 1, data 1 param 2, ...), (data 2 param 1, data 2 param 2, ...), ...] :param data: Measurements. [data 1, data 2, data 3, ...] :param with_function_leaves: Use fitted function sets to generate function leaves for scalar parameters :param with_nonbinary_nodes: Allow non-binary nodes for enum and scalar parameters (i.e., nodes with more than two children) :param loss_ignore_scalar: Ignore scalar parameters when computing the loss for split candidates. Only sensible if with_function_leaves is enabled. :param threshold: Return a StaticFunction leaf node if std(data) < threshold. Default 100. :returns: ModelFunction """ param_count = len(self.param_names) + self.arg_count if param_count == 0 or np.std(data) <= threshold: return df.StaticFunction(np.mean(data)) # sf.value_error["std"] = np.std(data) loss = list() ffs_feasible = False if ignore_irrelevant_parameters: by_param = partition_by_param(data, parameters) distinct_values_by_param_index = distinct_param_values( parameters ) # required, "unique_values" in for loop is insufficient for std_by_param foo std_static = np.std(data) std_lut = np.mean([np.std(v) for v in by_param.values()]) for param_index in range(param_count): if param_index in self.ignore_param: loss.append(np.inf) continue unique_values = list(set(map(lambda p: p[param_index], parameters))) if None in unique_values: # param is a choice and undefined in some configs. Do not split on it. loss.append(np.inf) continue if ( with_function_leaves and self.param_type[param_index] == ParamType.SCALAR and len(unique_values) >= self.min_values_for_analytic_model ): # param can be modeled as a function. Do not split on it. loss.append(np.inf) ffs_feasible = True continue # if not with_nonbinary_nodes and sorted(unique_values) != [0, 1]: if not with_nonbinary_nodes and len(unique_values) > 2: # param cannot be handled with a binary split loss.append(np.inf) continue if ignore_irrelevant_parameters: std_by_param = _mean_std_by_param( by_param, distinct_values_by_param_index, param_index ) if not _depends_on_param( None, std_by_param, std_lut, relevance_threshold ): loss.append(np.inf) continue child_indexes = list() for value in unique_values: child_indexes.append( list( filter( lambda i: parameters[i][param_index] == value, range(len(parameters)), ) ) ) if len(list(filter(len, child_indexes))) <= 1: # this param only has a single value. there's no point in splitting. loss.append(np.inf) continue children = list() for child in child_indexes: child_data = list(map(lambda i: data[i], child)) if loss_ignore_scalar: child_param = list(map(lambda i: parameters[i], child)) child_data_by_scalar = partition_by_param( child_data, child_param, ignore_parameters=self.nonscalar_param_indexes, ) for sub_data in child_data_by_scalar.values(): children.extend((np.array(sub_data) - np.mean(sub_data)) ** 2) else: children.extend((np.array(child_data) - np.mean(child_data)) ** 2) if np.any(np.isnan(children)): loss.append(np.inf) else: loss.append(np.sum(children)) if np.all(np.isinf(loss)): # all children have the same configuration. We shouldn't get here due to the threshold check above... if ffs_feasible: # try generating a function. if it fails, model_function is a StaticFunction. ma = ModelAttribute( self.name + "_", self.attr, data, parameters, self.param_names, arg_count=self.arg_count, param_type=self.param_type, codependent_param=codependent_param_dict(parameters), ) ParamStats.compute_for_attr(ma) paramfit = ParamFit(parallel=False) for key, param, args, kwargs in ma.get_data_for_paramfit(): paramfit.enqueue(key, param, args, kwargs) paramfit.fit() ma.set_data_from_paramfit(paramfit) return ma.model_function # else: # logging.warning( # f"While building DTree for configurations {parameters}: Children have identical configuration, but high stddev ({np.std(data)}). Falling back to Staticfunction" # ) return df.StaticFunction(np.mean(data)) symbol_index = np.argmin(loss) unique_values = list(set(map(lambda p: p[symbol_index], parameters))) child = dict() for value in unique_values: indexes = list( filter( lambda i: parameters[i][symbol_index] == value, range(len(parameters)), ) ) child_parameters = list(map(lambda i: parameters[i], indexes)) child_data = list(map(lambda i: data[i], indexes)) if len(child_data): child[value] = self._build_dtree( child_parameters, child_data, with_function_leaves=with_function_leaves, with_nonbinary_nodes=with_nonbinary_nodes, ignore_irrelevant_parameters=ignore_irrelevant_parameters, loss_ignore_scalar=loss_ignore_scalar, threshold=threshold, level=level + 1, ) assert len(child.values()) >= 2 return df.SplitFunction(np.mean(data), symbol_index, child)