mirror of
https://github.com/microsoft/autogen.git
synced 2025-11-09 14:24:05 +00:00
* Refactor into automl subpackage Moved some of the packages into an automl subpackage to tidy before the task-based refactor. This is in response to discussions with the group and a comment on the first task-based PR. Only changes here are moving subpackages and modules into the new automl, fixing imports to work with this structure and fixing some dependencies in setup.py. * Fix doc building post automl subpackage refactor * Fix broken links in website post automl subpackage refactor * Fix broken links in website post automl subpackage refactor * Remove vw from test deps as this is breaking the build * Move default back to the top-level I'd moved this to automl as that's where it's used internally, but had missed that this is actually part of the public interface so makes sense to live where it was. * Re-add top level modules with deprecation warnings flaml.data, flaml.ml and flaml.model are re-added to the top level, being re-exported from flaml.automl for backwards compatability. Adding a deprecation warning so that we can have a planned removal later. * Fix model.py line-endings * Pin pytorch-lightning to less than 1.8.0 We're seeing strange lightning related bugs from pytorch-forecasting since the release of lightning 1.8.0. Going to try constraining this to see if we have a fix. * Fix the lightning version pin Was optimistic with setting it in the 1.7.x range, but that isn't compatible with python 3.6 * Remove lightning version pin * Revert dependency version changes * Minor change to retrigger the build * Fix line endings in ml.py and model.py Co-authored-by: Qingyun Wu <qingyun.wu@psu.edu> Co-authored-by: EgorKraevTransferwise <egor.kraev@transferwise.com>
265 lines
11 KiB
Python
265 lines
11 KiB
Python
import numpy as np
|
|
from sklearn.neighbors import NearestNeighbors
|
|
import logging
|
|
import pathlib
|
|
import json
|
|
from flaml.automl.data import CLASSIFICATION, DataTransformer
|
|
from flaml.automl.ml import get_estimator_class, get_classification_objective
|
|
from flaml.version import __version__
|
|
|
|
LOCATION = pathlib.Path(__file__).parent.resolve()
|
|
logger = logging.getLogger(__name__)
|
|
CONFIG_PREDICTORS = {}
|
|
|
|
|
|
def version_parse(version):
|
|
return tuple(map(int, (version.split("."))))
|
|
|
|
|
|
def meta_feature(task, X_train, y_train, meta_feature_names):
|
|
this_feature = []
|
|
n_row = X_train.shape[0]
|
|
n_feat = X_train.shape[1]
|
|
|
|
is_classification = task in CLASSIFICATION
|
|
for each_feature_name in meta_feature_names:
|
|
if each_feature_name == "NumberOfInstances":
|
|
this_feature.append(n_row)
|
|
elif each_feature_name == "NumberOfFeatures":
|
|
this_feature.append(n_feat)
|
|
elif each_feature_name == "NumberOfClasses":
|
|
this_feature.append(len(np.unique(y_train)) if is_classification else 0)
|
|
elif each_feature_name == "PercentageOfNumericFeatures":
|
|
try:
|
|
# this is feature is only supported for dataframe
|
|
this_feature.append(
|
|
X_train.select_dtypes(include=np.number).shape[1] / n_feat
|
|
)
|
|
except AttributeError:
|
|
# 'numpy.ndarray' object has no attribute 'select_dtypes'
|
|
this_feature.append(1) # all features are numeric
|
|
else:
|
|
raise ValueError("Feature {} not implemented. ".format(each_feature_name))
|
|
|
|
return this_feature
|
|
|
|
|
|
def load_config_predictor(estimator_name, task, location=None):
|
|
key = f"{location}/{estimator_name}/{task}"
|
|
predictor = CONFIG_PREDICTORS.get(key)
|
|
if predictor:
|
|
return predictor
|
|
task = "multiclass" if task == "multi" else task # TODO: multi -> multiclass?
|
|
try:
|
|
location = location or LOCATION
|
|
with open(f"{location}/{estimator_name}/{task}.json", "r") as f:
|
|
CONFIG_PREDICTORS[key] = predictor = json.load(f)
|
|
except FileNotFoundError:
|
|
raise FileNotFoundError(
|
|
f"Portfolio has not been built for {estimator_name} on {task} task."
|
|
)
|
|
return predictor
|
|
|
|
|
|
def suggest_config(task, X, y, estimator_or_predictor, location=None, k=None):
|
|
"""Suggest a list of configs for the given task and training data.
|
|
|
|
The returned configs can be used as starting points for AutoML.fit().
|
|
`FLAML_sample_size` is removed from the configs.
|
|
"""
|
|
task = (
|
|
get_classification_objective(len(np.unique(y)))
|
|
if task == "classification"
|
|
else task
|
|
)
|
|
predictor = (
|
|
load_config_predictor(estimator_or_predictor, task, location)
|
|
if isinstance(estimator_or_predictor, str)
|
|
else estimator_or_predictor
|
|
)
|
|
|
|
older_version = "1.0.2"
|
|
# TODO: update older_version when the newer code can no longer handle the older version json file
|
|
assert (
|
|
version_parse(__version__)
|
|
>= version_parse(predictor["version"])
|
|
>= version_parse(older_version)
|
|
)
|
|
prep = predictor["preprocessing"]
|
|
feature = meta_feature(
|
|
task, X_train=X, y_train=y, meta_feature_names=predictor["meta_feature_names"]
|
|
)
|
|
feature = (np.array(feature) - np.array(prep["center"])) / np.array(prep["scale"])
|
|
neighbors = predictor["neighbors"]
|
|
nn = NearestNeighbors(n_neighbors=1)
|
|
nn.fit([x["features"] for x in neighbors])
|
|
dist, ind = nn.kneighbors(feature.reshape(1, -1), return_distance=True)
|
|
logger.info(f"metafeature distance: {dist.item()}")
|
|
ind = int(ind.item())
|
|
choice = neighbors[ind]["choice"] if k is None else neighbors[ind]["choice"][:k]
|
|
configs = [predictor["portfolio"][x] for x in choice]
|
|
for config in configs:
|
|
hyperparams = config["hyperparameters"]
|
|
if hyperparams and "FLAML_sample_size" in hyperparams:
|
|
hyperparams.pop("FLAML_sample_size")
|
|
return configs
|
|
|
|
|
|
def suggest_learner(
|
|
task, X, y, estimator_or_predictor="all", estimator_list=None, location=None
|
|
):
|
|
"""Suggest best learner within estimator_list."""
|
|
configs = suggest_config(task, X, y, estimator_or_predictor, location)
|
|
if not estimator_list:
|
|
return configs[0]["class"]
|
|
for c in configs:
|
|
if c["class"] in estimator_list:
|
|
return c["class"]
|
|
return estimator_list[0]
|
|
|
|
|
|
def suggest_hyperparams(task, X, y, estimator_or_predictor, location=None):
|
|
"""Suggest hyperparameter configurations and an estimator class.
|
|
|
|
The configurations can be used to initialize the estimator class like lightgbm.LGBMRegressor.
|
|
|
|
Example:
|
|
|
|
```python
|
|
hyperparams, estimator_class = suggest_hyperparams("regression", X_train, y_train, "lgbm")
|
|
model = estimator_class(**hyperparams) # estimator_class is LGBMRegressor
|
|
model.fit(X_train, y_train)
|
|
```
|
|
|
|
Args:
|
|
task: A string of the task type, e.g.,
|
|
'classification', 'regression', 'ts_forecast', 'rank',
|
|
'seq-classification', 'seq-regression'.
|
|
X: A dataframe of training data in shape n*m.
|
|
For 'ts_forecast' task, the first column of X_train
|
|
must be the timestamp column (datetime type). Other
|
|
columns in the dataframe are assumed to be exogenous
|
|
variables (categorical or numeric).
|
|
y: A series of labels in shape n*1.
|
|
estimator_or_predictor: A str of the learner name or a dict of the learned config predictor.
|
|
If a dict, it contains:
|
|
- "version": a str of the version number.
|
|
- "preprocessing": a dictionary containing:
|
|
* "center": a list of meta feature value offsets for normalization.
|
|
* "scale": a list of meta feature scales to normalize each dimension.
|
|
- "neighbors": a list of dictionaries. Each dictionary contains:
|
|
* "features": a list of the normalized meta features for a neighbor.
|
|
* "choice": an integer of the configuration id in the portfolio.
|
|
- "portfolio": a list of dictionaries, each corresponding to a configuration:
|
|
* "class": a str of the learner name.
|
|
* "hyperparameters": a dict of the config. The key "FLAML_sample_size" will be ignored.
|
|
location: (Optional) A str of the location containing mined portfolio file.
|
|
Only valid when the portfolio is a str, by default the location is flaml/default.
|
|
|
|
Returns:
|
|
hyperparams: A dict of the hyperparameter configurations.
|
|
estiamtor_class: A class of the underlying estimator, e.g., lightgbm.LGBMClassifier.
|
|
"""
|
|
config = suggest_config(task, X, y, estimator_or_predictor, location=location, k=1)[
|
|
0
|
|
]
|
|
estimator = config["class"]
|
|
model_class = get_estimator_class(task, estimator)
|
|
hyperparams = config["hyperparameters"]
|
|
model = model_class(task=task, **hyperparams)
|
|
estimator_class = model.estimator_class
|
|
hyperparams = hyperparams and model.params
|
|
return hyperparams, estimator_class
|
|
|
|
|
|
class AutoMLTransformer:
|
|
def __init__(self, model, data_transformer):
|
|
self._model = model
|
|
self._dt = data_transformer
|
|
|
|
def transform(self, X):
|
|
return self._model._preprocess(self._dt.transform(X))
|
|
|
|
|
|
def preprocess_and_suggest_hyperparams(
|
|
task,
|
|
X,
|
|
y,
|
|
estimator_or_predictor,
|
|
location=None,
|
|
):
|
|
"""Preprocess the data and suggest hyperparameters.
|
|
|
|
Example:
|
|
|
|
```python
|
|
hyperparams, estimator_class, X, y, feature_transformer, label_transformer = \
|
|
preprocess_and_suggest_hyperparams("classification", X_train, y_train, "xgb_limitdepth")
|
|
model = estimator_class(**hyperparams) # estimator_class is XGBClassifier
|
|
model.fit(X, y)
|
|
X_test = feature_transformer.transform(X_test)
|
|
y_pred = label_transformer.inverse_transform(pd.Series(model.predict(X_test).astype(int)))
|
|
```
|
|
|
|
Args:
|
|
task: A string of the task type, e.g.,
|
|
'classification', 'regression', 'ts_forecast', 'rank',
|
|
'seq-classification', 'seq-regression'.
|
|
X: A dataframe of training data in shape n*m.
|
|
For 'ts_forecast' task, the first column of X_train
|
|
must be the timestamp column (datetime type). Other
|
|
columns in the dataframe are assumed to be exogenous
|
|
variables (categorical or numeric).
|
|
y: A series of labels in shape n*1.
|
|
estimator_or_predictor: A str of the learner name or a dict of the learned config predictor.
|
|
"choose_xgb" means choosing between xgb_limitdepth and xgboost.
|
|
If a dict, it contains:
|
|
- "version": a str of the version number.
|
|
- "preprocessing": a dictionary containing:
|
|
* "center": a list of meta feature value offsets for normalization.
|
|
* "scale": a list of meta feature scales to normalize each dimension.
|
|
- "neighbors": a list of dictionaries. Each dictionary contains:
|
|
* "features": a list of the normalized meta features for a neighbor.
|
|
* "choice": a integer of the configuration id in the portfolio.
|
|
- "portfolio": a list of dictionaries, each corresponding to a configuration:
|
|
* "class": a str of the learner name.
|
|
* "hyperparameters": a dict of the config. They key "FLAML_sample_size" will be ignored.
|
|
location: (Optional) A str of the location containing mined portfolio file.
|
|
Only valid when the portfolio is a str, by default the location is flaml/default.
|
|
|
|
Returns:
|
|
hyperparams: A dict of the hyperparameter configurations.
|
|
estiamtor_class: A class of the underlying estimator, e.g., lightgbm.LGBMClassifier.
|
|
X: the preprocessed X.
|
|
y: the preprocessed y.
|
|
feature_transformer: a data transformer that can be applied to X_test.
|
|
label_transformer: a label transformer that can be applied to y_test.
|
|
"""
|
|
dt = DataTransformer()
|
|
X, y = dt.fit_transform(X, y, task)
|
|
if "choose_xgb" == estimator_or_predictor:
|
|
# choose between xgb_limitdepth and xgboost
|
|
estimator_or_predictor = suggest_learner(
|
|
task,
|
|
X,
|
|
y,
|
|
estimator_list=["xgb_limitdepth", "xgboost"],
|
|
location=location,
|
|
)
|
|
config = suggest_config(task, X, y, estimator_or_predictor, location=location, k=1)[
|
|
0
|
|
]
|
|
estimator = config["class"]
|
|
model_class = get_estimator_class(task, estimator)
|
|
hyperparams = config["hyperparameters"]
|
|
model = model_class(task=task, **hyperparams)
|
|
if model.estimator_class is None:
|
|
return hyperparams, model_class, X, y, None, None
|
|
else:
|
|
estimator_class = model.estimator_class
|
|
X = model._preprocess(X)
|
|
hyperparams = hyperparams and model.params
|
|
|
|
transformer = AutoMLTransformer(model, dt)
|
|
return hyperparams, estimator_class, X, y, transformer, dt.label_transformer
|