Я создаю новый пример для пользовательского прогнозирования, который может быть полезен для отладки: сначала я записываю файл локально через блокнот (Colab)
%%writefile model_prediction.py
import numpy as np
import os
import pickle
import pandas as pd
import importlib
class CustomModelPrediction(object):
_UNUSED_COLUMNS = ['fnlwgt', 'education', 'gender']
_CSV_COLUMNS = [
'age', 'workclass', 'fnlwgt', 'education', 'education_num',
'marital_status', 'occupation', 'relationship', 'race', 'gender',
'capital_gain', 'capital_loss', 'hours_per_week', 'native_country',
'income_bracket'
]
_CATEGORICAL_TYPES = {
'workclass': pd.api.types.CategoricalDtype(categories=[
'Federal-gov', 'Local-gov', 'Never-worked', 'Private',
'Self-emp-inc',
'Self-emp-not-inc', 'State-gov', 'Without-pay'
]),
'marital_status': pd.api.types.CategoricalDtype(categories=[
'Divorced', 'Married-AF-spouse', 'Married-civ-spouse',
'Married-spouse-absent', 'Never-married', 'Separated', 'Widowed'
]),
'occupation': pd.api.types.CategoricalDtype([
'Adm-clerical', 'Armed-Forces', 'Craft-repair',
'Exec-managerial',
'Farming-fishing', 'Handlers-cleaners', 'Machine-op-inspct',
'Other-service', 'Priv-house-serv', 'Prof-specialty',
'Protective-serv',
'Sales', 'Tech-support', 'Transport-moving'
]),
'relationship': pd.api.types.CategoricalDtype(categories=[
'Husband', 'Not-in-family', 'Other-relative', 'Own-child',
'Unmarried',
'Wife'
]),
'race': pd.api.types.CategoricalDtype(categories=[
'Amer-Indian-Eskimo', 'Asian-Pac-Islander', 'Black', 'Other',
'White'
]),
'native_country': pd.api.types.CategoricalDtype(categories=[
'Cambodia', 'Canada', 'China', 'Columbia', 'Cuba',
'Dominican-Republic',
'Ecuador', 'El-Salvador', 'England', 'France', 'Germany',
'Greece',
'Guatemala', 'Haiti', 'Holand-Netherlands', 'Honduras', 'Hong',
'Hungary',
'India', 'Iran', 'Ireland', 'Italy', 'Jamaica', 'Japan', 'Laos',
'Mexico',
'Nicaragua', 'Outlying-US(Guam-USVI-etc)', 'Peru',
'Philippines', 'Poland',
'Portugal', 'Puerto-Rico', 'Scotland', 'South', 'Taiwan',
'Thailand',
'Trinadad&Tobago', 'United-States', 'Vietnam', 'Yugoslavia'
])
}
def __init__(self, model, processor):
self._model = model
self._processor = processor
self._class_names = ['<=50K', '>50K']
def _preprocess(self, instances):
"""Dataframe contains both numeric and categorical features, convert
categorical features to numeric.
Args:
dataframe: A `Pandas.Dataframe` to process.
"""
dataframe = pd.DataFrame(data=[instances], columns=self._CSV_COLUMNS[:-1])
dataframe = dataframe.drop(columns=self._UNUSED_COLUMNS)
# Convert integer valued (numeric) columns to floating point
numeric_columns = dataframe.select_dtypes(['int64']).columns
dataframe[numeric_columns] = dataframe[numeric_columns].astype(
'float32')
# Convert categorical columns to numeric
cat_columns = dataframe.select_dtypes(['object']).columns
# Keep categorical columns always using same values based on dict.
dataframe[cat_columns] = dataframe[cat_columns].apply(
lambda x: x.astype(self._CATEGORICAL_TYPES[x.name]))
dataframe[cat_columns] = dataframe[cat_columns].apply(
lambda x: x.cat.codes)
return dataframe
def predict(self, instances, **kwargs):
preprocessed_data = self._preprocess(instances)
preprocessed_inputs = self._processor.preprocess(preprocessed_data)
outputs = self._model.predict_classes(preprocessed_inputs)
if kwargs.get('probabilities'):
return outputs.tolist()
else:
return [self._class_names[index] for index in
np.argmax(outputs, axis=1)]
@classmethod
def from_path(cls, model_dir):
import tensorflow as tf
model_path = os.path.join(model_dir, 'model.h5')
model = tf.keras.models.load_model(model_path)
preprocessor_path = os.path.join(model_dir, 'preprocessor.pkl')
with open(preprocessor_path, 'rb') as f:
preprocessor = pickle.load(f)
return cls(model, preprocessor)
После того, как файл записан, я могу проверить егонапример, локально перед развертыванием модели:
from model_prediction import CustomModelPrediction
model = CustomModelPrediction.from_path('.')
instance = [25, 'Private', 226802, '11th', 7, 'Never-married', 'Machine-op-inspct', 'Own-child', 'Black', 'Male', 0, 0, 40, 'United-States']
model.predict(instance)
Другой вариант - после сборки пакета установки вы также можете протестировать установку локально, где my_custom_code-0.1.tar.gz
- файл, предназначенный для развертывания в платформе AI:
pip install --target=/tmp/custom_lib --no-cache-dir -b /tmp/pip_builds my_custom_code-0.1.tar.gz
Также взгляните на этот раздел:
Вы можете использовать --enable-console-logging
для получения журналов, экспортируемых в ваш проект.Возможно, вам потребуется создать новую модель.