## Licensed to the Apache Software Foundation (ASF) under one or more# contributor license agreements. See the NOTICE file distributed with# this work for additional information regarding copyright ownership.# The ASF licenses this file to You under the Apache License, Version 2.0# (the "License"); you may not use this file except in compliance with# the License. You may obtain a copy of the License at## http://www.apache.org/licenses/LICENSE-2.0## Unless required by applicable law or agreed to in writing, software# distributed under the License is distributed on an "AS IS" BASIS,# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.# See the License for the specific language governing permissions and# limitations under the License.#"""MLflow-related functions to load models and apply them to pandas-on-Spark dataframes."""fromtypingimportList,UnionfromtypingimportAnyimportpandasaspdimportnumpyasnpfrompyspark.sql.typesimportDataTypefrompyspark.sql.functionsimportstructfrompyspark.pandas._typingimportLabel,Dtypefrompyspark.pandas.utilsimportlazy_property,default_sessionfrompyspark.pandas.frameimportDataFramefrompyspark.pandas.seriesimportSeries,first_seriesfrompyspark.pandas.typedefimportas_spark_type__all__=["PythonModelWrapper","load_model"]
[docs]classPythonModelWrapper:""" A wrapper around MLflow's Python object model. This wrapper acts as a predictor on pandas-on-Spark """def__init__(self,model_uri:str,return_type_hint:Union[str,type,Dtype]):self._model_uri=model_uriself._return_type_hint=return_type_hint@lazy_propertydef_return_type(self)->DataType:hint=self._return_type_hint# The logic is simple for now, because it corresponds to the default# case: continuous predictions# TODO: do something smarter, for example when there is a sklearn.Classifier (it should# return an integer or a categorical)# We can do the same for pytorch/tensorflow/keras models by looking at the output types.# However, this is probably better done in mlflow than here.ifhint=="infer"ornothint:hint=np.float64returnas_spark_type(hint)@lazy_propertydef_model(self)->Any:""" The return object has to follow the API of mlflow.pyfunc.PythonModel. """frommlflowimportpyfuncreturnpyfunc.load_model(model_uri=self._model_uri)@lazy_propertydef_model_udf(self)->Any:frommlflowimportpyfuncspark=default_session()returnpyfunc.spark_udf(spark,model_uri=self._model_uri,result_type=self._return_type)def__str__(self)->str:return"PythonModelWrapper({})".format(str(self._model))def__repr__(self)->str:return"PythonModelWrapper({})".format(repr(self._model))defpredict(self,data:Union[DataFrame,pd.DataFrame])->Union[Series,pd.Series]:""" Returns a prediction on the data. If the data is a pandas-on-Spark DataFrame, the return is a pandas-on-Spark Series. If the data is a pandas Dataframe, the return is the expected output of the underlying pyfunc object (typically a pandas Series or a numpy array). """ifisinstance(data,pd.DataFrame):returnself._model.predict(data)elifisinstance(data,DataFrame):s=struct(*data.columns)return_col=self._model_udf(s)column_labels:List[Label]=[(col,)forcolindata._internal.spark_frame.select(return_col).columns]internal=data._internal.copy(column_labels=column_labels,data_spark_columns=[return_col],data_fields=None)returnfirst_series(DataFrame(internal))else:raiseValueError("unknown data type: {}".format(type(data).__name__))
[docs]defload_model(model_uri:str,predict_type:Union[str,type,Dtype]="infer")->PythonModelWrapper:""" Loads an MLflow model into a wrapper that can be used both for pandas and pandas-on-Spark DataFrame. Parameters ---------- model_uri : str URI pointing to the model. See MLflow documentation for more details. predict_type : a python basic type, a numpy basic type, a Spark type or 'infer'. This is the return type that is expected when calling the predict function of the model. If 'infer' is specified, the wrapper will attempt to automatically determine the return type based on the model type. Returns ------- PythonModelWrapper A wrapper around MLflow PythonModel objects. This wrapper is expected to adhere to the interface of mlflow.pyfunc.PythonModel. Examples -------- Here is a full example that creates a model with scikit-learn and saves the model with MLflow. The model is then loaded as a predictor that can be applied on a pandas-on-Spark Dataframe. We first initialize our MLflow environment: >>> from mlflow.tracking import MlflowClient, set_tracking_uri >>> import mlflow.sklearn >>> from tempfile import mkdtemp >>> d = mkdtemp("pandas_on_spark_mlflow") >>> set_tracking_uri("file:%s"%d) >>> client = MlflowClient() >>> exp_id = mlflow.create_experiment("my_experiment") >>> exp = mlflow.set_experiment("my_experiment") We aim at learning this numerical function using a simple linear regressor. >>> from sklearn.linear_model import LinearRegression >>> train = pd.DataFrame({"x1": np.arange(8), "x2": np.arange(8)**2, ... "y": np.log(2 + np.arange(8))}) >>> train_x = train[["x1", "x2"]] >>> train_y = train[["y"]] >>> with mlflow.start_run(): ... lr = LinearRegression() ... lr.fit(train_x, train_y) ... mlflow.sklearn.log_model(lr, "model") LinearRegression... Now that our model is logged using MLflow, we load it back and apply it on a pandas-on-Spark dataframe: >>> from pyspark.pandas.mlflow import load_model >>> run_info = client.search_runs(exp_id)[-1].info >>> model = load_model("runs:/{run_id}/model".format(run_id=run_info.run_id)) >>> prediction_df = ps.DataFrame({"x1": [2.0], "x2": [4.0]}) >>> prediction_df["prediction"] = model.predict(prediction_df) >>> prediction_df x1 x2 prediction 0 2.0 4.0 1.355551 The model also works on pandas DataFrames as expected: >>> model.predict(prediction_df[["x1", "x2"]].to_pandas()) array([[1.35555142]]) Notes ----- Currently, the model prediction can only be merged back with the existing dataframe. Other columns must be manually joined. For example, this code will not work: >>> df = ps.DataFrame({"x1": [2.0], "x2": [3.0], "z": [-1]}) >>> features = df[["x1", "x2"]] >>> y = model.predict(features) >>> # Works: >>> features["y"] = y # doctest: +SKIP >>> # Will fail with a message about dataframes not aligned. >>> df["y"] = y # doctest: +SKIP A current workaround is to use the .merge() function, using the feature values as merging keys. >>> features['y'] = y >>> everything = df.merge(features, on=['x1', 'x2']) >>> everything x1 x2 z y 0 2.0 3.0 -1 1.376932 """returnPythonModelWrapper(model_uri,predict_type)