チュートリアル: おすすめ システムを作成、評価、スコア付けする
このチュートリアルでは、Microsoft Fabric の Synapse Data Science ワークフローのエンド ツー エンドの例について説明します。 このシナリオでは、オンライン書籍のおすすめのモデルを構築します。
このチュートリアルに含まれる手順は次のとおりです:
- レイクハウスにデータをアップロードする
- データに対して探索的分析を実行する
- MLflow を使用してモデルをトレーニングし、ログに記録する
- モデルを読み込んで予測を行う
さまざまな種類の推奨アルゴリズムを使用できます。 このチュートリアルでは、交互最小二乗 (ALS) 行列分解アルゴリズムを使用します。 ALS は、モデルベースのコラボレーション フィルタリング アルゴリズムです。
ALS は、評価行列 R を、2 つの下位ランク行列である U と V の積として推定しようとします。ここでは、R = U * Vt です。 通常、これらの近似値は因子行列と呼ばれます。
ALS アルゴリズムは反復的です。 各反復子では、1 つの因子行列が一定に保持され、もう 1 つは最小二乗を使用して解決されます。 新しく解かれた因子行列は、他の因子行列を解いている間、一定に保たれます。
前提条件
Microsoft Fabric サブスクリプションを取得します。 または、無料の Microsoft Fabric 試用版にサインアップします。
Microsoft Fabric にサインインします。
ホーム ページの左側にある環境スイッチャーを使って、Synapse Data Science 環境に切り替えます。
- 必要に応じて、「Microsoft Fabric でレイクハウスを作成する」の説明に 従って、Microsoft Fabric レイクハウスを作成します。
ノートブックで作業を進めます
ノートブックでこれらの後続のオプションのうちのいずれかを選択できます
- Synapse Data Science 環境のビルトイン ノートブックを開いて実行します
- GitHub から Synapse Data Science 環境にノートブックをアップロードします
ビルトインのノートブックを開きます
[書籍のおすすめ] サンプル ノートブックは、このチュートリアルに付属しています。
チュートリアルのビルトインのサンプル ノートブックを Synapse Data Science 環境で開くには:
Synapse Data Science のホーム ページに移動します。
[サンプルの使用] を選択してください。
対応するサンプルを選択してください。
- サンプルが Python チュートリアル用の場合は、既定の [エンド ツー エンド ワークフロー (Python)] タブから。
- サンプルが R チュートリアル用の場合は、[エンド ツー エンド ワークフロー (R)] タブから。
- サンプルがクイック チュートリアル用の場合は、[クイック チュートリアル] タブから。
コードの実行を開始する前に、[レイクハウスをノートブックにアタッチします]。
GitHub からノートブックをインポートします
[AIsample - Book Recommendation.ipynb] ノートブックは、このチュートリアルに付属しています。
このチュートリアルが付属するノートブックを開く場合は、「データ サイエンス チュートリアル用にシステムを準備する」内の指示に従い、ノートブックを、お使いのワークスペースにインポートします。
このページからコードをコピーして貼り付ける場合は、[新しいノートブックを作成する] ことができます。
コードの実行を開始する前に、必ずレイクハウスをノートブックにアタッチしてください。
ステップ 1: データをロードする
このシナリオにおける書籍のおすすめ データセットは、3 つの別個のデータセット (Books.csv、Ratings.csv、Users.csv) で構成されています:
Books.csv: 標準図書番号 (ISBN) は、既に削除された無効な日付とともに、各書籍を識別します。 データ セットには、タイトル、作成者、発行元も含まれます。 複数の著者が含まれる書籍の場合、 Books.csv ファイルには最初の著者のみが一覧表示されます。 URL は、3 つのサイズのカバー画像の Amazon Web サイト リソースを指します。
ISBN Book-Title Book-Author Year-Of-Publication 発行者 Image-URL-S Image-URL-M Image-URL-l 0195153448 古典神話 Mark P. O. Morford 2002 Oxford University Press http://images.amazon.com/images/P/0195153448.01.THUMBZZZ.jpg http://images.amazon.com/images/P/0195153448.01.MZZZZZZZ.jpg http://images.amazon.com/images/P/0195153448.01.LZZZZZZZ.jpg 0002005018 Clara Callan Richard Bruce Wright 2001 HarperFlamingo Canada http://images.amazon.com/images/P/0002005018.01.THUMBZZZ.jpg http://images.amazon.com/images/P/0002005018.01.MZZZZZZZ.jpg http://images.amazon.com/images/P/0002005018.01.LZZZZZZZ.jpg Ratings.csv: 各書籍の評価は、明示的 (ユーザーによって 1 から 10 のスケールで提供される) または暗黙的 (ユーザー入力なしで観測され、0 で示される) のいずれかです。
User-ID ISBN Book-Rating 276725 034545104X 0 276726 0155061224 5 Users.csv: ユーザー ID は匿名化され、整数にマップされます。 デモグラフィックデータ - 場所や年齢などの人口統計データは、使用可能な場合に提供されます。 このデータが使用できない場合、これらの値は
null
です。User-ID 場所 Age 1 "nyc new york usa" 2 "stockton california usa" 18.0
さまざまなデータセットでこのノートブックを使用できるように、これらのパラメーターを定義します:
IS_CUSTOM_DATA = False # If True, the dataset has to be uploaded manually
USER_ID_COL = "User-ID" # Must not be '_user_id' for this notebook to run successfully
ITEM_ID_COL = "ISBN" # Must not be '_item_id' for this notebook to run successfully
ITEM_INFO_COL = (
"Book-Title" # Must not be '_item_info' for this notebook to run successfully
)
RATING_COL = (
"Book-Rating" # Must not be '_rating' for this notebook to run successfully
)
IS_SAMPLE = True # If True, use only <SAMPLE_ROWS> rows of data for training; otherwise, use all data
SAMPLE_ROWS = 5000 # If IS_SAMPLE is True, use only this number of rows for training
DATA_FOLDER = "Files/book-recommendation/" # Folder that contains the datasets
ITEMS_FILE = "Books.csv" # File that contains the item information
USERS_FILE = "Users.csv" # File that contains the user information
RATINGS_FILE = "Ratings.csv" # File that contains the rating information
EXPERIMENT_NAME = "aisample-recommendation" # MLflow experiment name
データをダウンロードしてレイクハウスに保存します
次のコードは、データセットをダウンロードし、レイクハウスに格納します。
重要
実行する前にノートブックに、確実に [レイクハウスを追加] してください。 そうしないと、エラーが表示されます。
if not IS_CUSTOM_DATA:
# Download data files into a lakehouse if they don't exist
import os, requests
remote_url = "https://synapseaisolutionsa.blob.core.windows.net/public/Book-Recommendation-Dataset"
file_list = ["Books.csv", "Ratings.csv", "Users.csv"]
download_path = f"/lakehouse/default/{DATA_FOLDER}/raw"
if not os.path.exists("/lakehouse/default"):
raise FileNotFoundError(
"Default lakehouse not found, please add a lakehouse and restart the session."
)
os.makedirs(download_path, exist_ok=True)
for fname in file_list:
if not os.path.exists(f"{download_path}/{fname}"):
r = requests.get(f"{remote_url}/{fname}", timeout=30)
with open(f"{download_path}/{fname}", "wb") as f:
f.write(r.content)
print("Downloaded demo data files into lakehouse.")
MLflow 実験追跡を設定する
MLflow 実験追跡を設定するには、このコードを使用します。 この例では、自動ログ記録を無効にします。 詳細については、「Microsoft Fabric での自動ログ記録」の記事を参照してください。
# Set up MLflow for experiment tracking
import mlflow
mlflow.set_experiment(EXPERIMENT_NAME)
mlflow.autolog(disable=True) # Disable MLflow autologging
レイクハウスからデータを読み取る
適切なデータがレイクハウスに格納されたら、3 つのデータセットをノートブック内の個別の Spark DataFrame に読み込みます。 このコードのファイル パスでは、先ほど定義したパラメータを使用します。
df_items = (
spark.read.option("header", True)
.option("inferSchema", True)
.csv(f"{DATA_FOLDER}/raw/{ITEMS_FILE}")
.cache()
)
df_ratings = (
spark.read.option("header", True)
.option("inferSchema", True)
.csv(f"{DATA_FOLDER}/raw/{RATINGS_FILE}")
.cache()
)
df_users = (
spark.read.option("header", True)
.option("inferSchema", True)
.csv(f"{DATA_FOLDER}/raw/{USERS_FILE}")
.cache()
)
手順 2: 探索的データ分析を実行する
生データを表示する
display
コマンドを使用して DataFrame を探索します。 このコマンドを使用すると、DataFrame の高レベルの統計を表示し、データセットのさまざまな列の相互関係を理解することができます。 データセットを探索する前に、このコードを使用して必要なライブラリをインポートします:
import pyspark.sql.functions as F
from pyspark.ml.feature import StringIndexer
import matplotlib.pyplot as plt
import seaborn as sns
color = sns.color_palette() # Adjusting plotting style
import pandas as pd # DataFrames
このコードを使用して、書籍データを含む DataFrame を確認します:
display(df_items, summary=True)
後で使用するために、_item_id
列を追加します。 レコメンデーション モデルの場合、_item_id
値は整数である必要があります。 このコードは、ITEM_ID_COL
をインデックスへの変換するのに StringIndexer
を使用します。
df_items = (
StringIndexer(inputCol=ITEM_ID_COL, outputCol="_item_id")
.setHandleInvalid("skip")
.fit(df_items)
.transform(df_items)
.withColumn("_item_id", F.col("_item_id").cast("int"))
)
DataFrame を表示して、_item_id
値が期待どおりに単調に連続して増加するかどうかを確認します:
display(df_items.sort(F.col("_item_id").desc()))
このコードを使用して、上位 10 人の著者を、書かれた書籍の数で降順にプロットします。 第 1 位の著者は、書籍数が 600 冊を超えるアガサ・クリスティーで、その後にウィリアム・シェイクスピアが続きます。
df_books = df_items.toPandas() # Create a pandas DataFrame from the Spark DataFrame for visualization
plt.figure(figsize=(8,5))
sns.countplot(y="Book-Author",palette = 'Paired', data=df_books,order=df_books['Book-Author'].value_counts().index[0:10])
plt.title("Top 10 authors with maximum number of books")
次に、ユーザー データを含む DataFrame を表示します。
display(df_users, summary=True)
行に欠損 User-ID
値がある場合は、その行を削除します。 カスタマイズされたデータセットに値がない場合でも、問題は発生しません。
df_users = df_users.dropna(subset=(USER_ID_COL))
display(df_users, summary=True)
後で使用するために _user_id
列を追加します。 おすすめ モデルの場合、_user_id
値は整数である必要があります。 次のコード サンプルでは、StringIndexer
を使用して USER_ID_COL
をインデックスに変換します。
書籍のデータセットには既に整数 User-ID
列があります。 ただし、さまざまなデータセットとの互換性のために _user_id
列を追加すると、この例はさらに安定したものになります。 このコードを使用して _user_id
列を追加します:
df_users = (
StringIndexer(inputCol=USER_ID_COL, outputCol="_user_id")
.setHandleInvalid("skip")
.fit(df_users)
.transform(df_users)
.withColumn("_user_id", F.col("_user_id").cast("int"))
)
display(df_users.sort(F.col("_user_id").desc()))
評価データを表示するには、このコードを使用します:
display(df_ratings, summary=True)
個別の評価を取得し、後で使用するために ratings
という名前のリストに保存します:
ratings = [i[0] for i in df_ratings.select(RATING_COL).distinct().collect()]
print(ratings)
次のコードを使用して、評価が最も高い上位 10 冊の書籍を表示します:
plt.figure(figsize=(8,5))
sns.countplot(y="Book-Title",palette = 'Paired',data= df_books, order=df_books['Book-Title'].value_counts().index[0:10])
plt.title("Top 10 books per number of ratings")
評価によると、「Selected Poems」は最も人気のある本です。 「ハックルベリー・フィンの冒険」、「秘密の花園」、「吸血鬼ドラキュラ」は同等の評価です。
データのマージ
より包括的な分析のために、3 つの DataFrame を 1 つの DataFrame に統合します:
df_all = df_ratings.join(df_users, USER_ID_COL, "inner").join(
df_items, ITEM_ID_COL, "inner"
)
df_all_columns = [
c for c in df_all.columns if c not in ["_user_id", "_item_id", RATING_COL]
]
# Reorder the columns to ensure that _user_id, _item_id, and Book-Rating are the first three columns
df_all = (
df_all.select(["_user_id", "_item_id", RATING_COL] + df_all_columns)
.withColumn("id", F.monotonically_increasing_id())
.cache()
)
display(df_all)
個別のユーザー、書籍、対話の合計数を表示するには、このコードを使用します:
print(f"Total Users: {df_users.select('_user_id').distinct().count()}")
print(f"Total Items: {df_items.select('_item_id').distinct().count()}")
print(f"Total User-Item Interactions: {df_all.count()}")
最も一般的な項目を計算してプロットする
このコードを使用して、最も人気のある書籍の上位 10 作品を計算して表示します:
# Compute top popular products
df_top_items = (
df_all.groupby(["_item_id"])
.count()
.join(df_items, "_item_id", "inner")
.sort(["count"], ascending=[0])
)
# Find top <topn> popular items
topn = 10
pd_top_items = df_top_items.limit(topn).toPandas()
pd_top_items.head(10)
ヒント
おすすめ セクションの [人気度] または [売れ筋] に、<topn>
値を使用します。
# Plot top <topn> items
f, ax = plt.subplots(figsize=(10, 5))
plt.xticks(rotation="vertical")
sns.barplot(y=ITEM_INFO_COL, x="count", data=pd_top_items)
ax.tick_params(axis='x', rotation=45)
plt.xlabel("Number of Ratings for the Item")
plt.show()
トレーニング用およびテスト用のデータセットを準備する
ALS マトリックスでは、トレーニング前にデータの準備が必要です。 このコード サンプルを使用して、データを準備します。 このコードで、これらのアクションが実行されます:
- 評価列を正しい型にキャストします
- ユーザー評価を使用してトレーニング データをサンプリングします
- データをトレーニング データセットとテスト データセットに分割します。
if IS_SAMPLE:
# Must sort by '_user_id' before performing limit to ensure that ALS works normally
# If training and test datasets have no common _user_id, ALS will fail
df_all = df_all.sort("_user_id").limit(SAMPLE_ROWS)
# Cast the column into the correct type
df_all = df_all.withColumn(RATING_COL, F.col(RATING_COL).cast("float"))
# Using a fraction between 0 and 1 returns the approximate size of the dataset; for example, 0.8 means 80% of the dataset
# Rating = 0 means the user didn't rate the item, so it can't be used for training
# We use the 80% of the dataset with rating > 0 as the training dataset
fractions_train = {0: 0}
fractions_test = {0: 0}
for i in ratings:
if i == 0:
continue
fractions_train[i] = 0.8
fractions_test[i] = 1
# Training dataset
train = df_all.sampleBy(RATING_COL, fractions=fractions_train)
# Join with leftanti will select all rows from df_all with rating > 0 and not in the training dataset; for example, the remaining 20% of the dataset
# test dataset
test = df_all.join(train, on="id", how="leftanti").sampleBy(
RATING_COL, fractions=fractions_test
)
低密度とは、フィードバック データがまばらあることを意味し、これはユーザーの関心の類似性を特定できません。 データと現在の問題の両方について理解を深めるために、このコードを使用してデータセットの低密度を計算します。
# Compute the sparsity of the dataset
def get_mat_sparsity(ratings):
# Count the total number of ratings in the dataset - used as numerator
count_nonzero = ratings.select(RATING_COL).count()
print(f"Number of rows: {count_nonzero}")
# Count the total number of distinct user_id and distinct product_id - used as denominator
total_elements = (
ratings.select("_user_id").distinct().count()
* ratings.select("_item_id").distinct().count()
)
# Calculate the sparsity by dividing the numerator by the denominator
sparsity = (1.0 - (count_nonzero * 1.0) / total_elements) * 100
print("The ratings DataFrame is ", "%.4f" % sparsity + "% sparse.")
get_mat_sparsity(df_all)
# Check the ID range
# ALS supports only values in the integer range
print(f"max user_id: {df_all.agg({'_user_id': 'max'}).collect()[0][0]}")
print(f"max user_id: {df_all.agg({'_item_id': 'max'}).collect()[0][0]}")
手順 3: モデルを開発してトレーニングする
ALS モデルをトレーニングして、ユーザーにパーソナライズされた推奨事項を提供します。
モデルを定義する
Spark ML には、ALS モデルの構築に便利な API が用意されています。 ただし、このモデルは、データの低密度やコールド スタート (ユーザーまたは項目が新しい場合におすすめ候補を作成する) などの問題を確実に処理するわけではありません。 モデルのパフォーマンスを向上するには、クロス検証と自動ハイパーパラメーター調整を組み合わせます。
モデルのトレーニングと評価に必要なライブラリをインポートするには、このコードを使用します:
# Import Spark required libraries
from pyspark.ml.evaluation import RegressionEvaluator
from pyspark.ml.recommendation import ALS
from pyspark.ml.tuning import ParamGridBuilder, CrossValidator, TrainValidationSplit
# Specify the training parameters
num_epochs = 1 # Number of epochs; here we use 1 to reduce the training time
rank_size_list = [64] # The values of rank in ALS for tuning
reg_param_list = [0.01, 0.1] # The values of regParam in ALS for tuning
model_tuning_method = "TrainValidationSplit" # TrainValidationSplit or CrossValidator
# Build the recommendation model by using ALS on the training data
# We set the cold start strategy to 'drop' to ensure that we don't get NaN evaluation metrics
als = ALS(
maxIter=num_epochs,
userCol="_user_id",
itemCol="_item_id",
ratingCol=RATING_COL,
coldStartStrategy="drop",
implicitPrefs=False,
nonnegative=True,
)
モデルのハイパーパラメーターの調整
次のコード サンプルでは、ハイパーパラメーターの検索に役立つパラメーター グリッドを構築します。 また、そのコードは、二乗平均平方根誤差 (RMSE)を評価メトリックとして使用する回帰エバリュエーターも作成します。
# Construct a grid search to select the best values for the training parameters
param_grid = (
ParamGridBuilder()
.addGrid(als.rank, rank_size_list)
.addGrid(als.regParam, reg_param_list)
.build()
)
print("Number of models to be tested: ", len(param_grid))
# Define the evaluator and set the loss function to the RMSE
evaluator = RegressionEvaluator(
metricName="rmse", labelCol=RATING_COL, predictionCol="prediction"
)
次のコード サンプルは、事前構成済みのパラメータに基づいてさまざまなモデル調整方法を開始します。 モデルチューニングの詳細については、Apache Spark Web サイトの「ML チューニング: モデルの選択とハイパーパラメーターのチューニング 」を参照してください。
# Build cross-validation by using CrossValidator and TrainValidationSplit
if model_tuning_method == "CrossValidator":
tuner = CrossValidator(
estimator=als,
estimatorParamMaps=param_grid,
evaluator=evaluator,
numFolds=5,
collectSubModels=True,
)
elif model_tuning_method == "TrainValidationSplit":
tuner = TrainValidationSplit(
estimator=als,
estimatorParamMaps=param_grid,
evaluator=evaluator,
# 80% of the training data will be used for training; 20% for validation
trainRatio=0.8,
collectSubModels=True,
)
else:
raise ValueError(f"Unknown model_tuning_method: {model_tuning_method}")
モデルを評価する
モジュールを、テスト データに対して評価する必要があります。 適切にトレーニング済みのモデルなら、データセットで高いメトリックがあるはずです。
オーバーフィットしたモデルなら、トレーニング データのサイズを増加するか、冗長な機能のいくつかを削除することが必要なことがあります。 モデル アーキテクチャを変更する必要がある場合や、そのパラメーターに微調整が必要な場合があります。
Note
負の決定係数メトリック値は、トレーニング済みモデルのパフォーマンスは、水平直線を下回ることを示します。 この結果は、トレーニング済みのモデルがデータを説明していないことを示唆しています。
評価関数を定義するには、次のコードを使用します:
def evaluate(model, data, verbose=0):
"""
Evaluate the model by computing rmse, mae, r2, and variance over the data.
"""
predictions = model.transform(data).withColumn(
"prediction", F.col("prediction").cast("double")
)
if verbose > 1:
# Show 10 predictions
predictions.select("_user_id", "_item_id", RATING_COL, "prediction").limit(
10
).show()
# Initialize the regression evaluator
evaluator = RegressionEvaluator(predictionCol="prediction", labelCol=RATING_COL)
_evaluator = lambda metric: evaluator.setMetricName(metric).evaluate(predictions)
rmse = _evaluator("rmse")
mae = _evaluator("mae")
r2 = _evaluator("r2")
var = _evaluator("var")
if verbose > 0:
print(f"RMSE score = {rmse}")
print(f"MAE score = {mae}")
print(f"R2 score = {r2}")
print(f"Explained variance = {var}")
return predictions, (rmse, mae, r2, var)
MLflow を使用して実験を追跡する
すべての実験とログ パラメータ、メトリック、モデルを追跡するには、MLflow を使用します。 モデルのトレーニングと評価を開始するには、このコードを使用します:
from mlflow.models.signature import infer_signature
with mlflow.start_run(run_name="als"):
# Train models
models = tuner.fit(train)
best_metrics = {"RMSE": 10e6, "MAE": 10e6, "R2": 0, "Explained variance": 0}
best_index = 0
# Evaluate models
# Log models, metrics, and parameters
for idx, model in enumerate(models.subModels):
with mlflow.start_run(nested=True, run_name=f"als_{idx}") as run:
print("\nEvaluating on test data:")
print(f"subModel No. {idx + 1}")
predictions, (rmse, mae, r2, var) = evaluate(model, test, verbose=1)
signature = infer_signature(
train.select(["_user_id", "_item_id"]),
predictions.select(["_user_id", "_item_id", "prediction"]),
)
print("log model:")
mlflow.spark.log_model(
model,
f"{EXPERIMENT_NAME}-alsmodel",
signature=signature,
registered_model_name=f"{EXPERIMENT_NAME}-alsmodel",
dfs_tmpdir="Files/spark",
)
print("log metrics:")
current_metric = {
"RMSE": rmse,
"MAE": mae,
"R2": r2,
"Explained variance": var,
}
mlflow.log_metrics(current_metric)
if rmse < best_metrics["RMSE"]:
best_metrics = current_metric
best_index = idx
print("log parameters:")
mlflow.log_params(
{
"subModel_idx": idx,
"num_epochs": num_epochs,
"rank_size_list": rank_size_list,
"reg_param_list": reg_param_list,
"model_tuning_method": model_tuning_method,
"DATA_FOLDER": DATA_FOLDER,
}
)
# Log the best model and related metrics and parameters to the parent run
mlflow.spark.log_model(
models.subModels[best_index],
f"{EXPERIMENT_NAME}-alsmodel",
signature=signature,
registered_model_name=f"{EXPERIMENT_NAME}-alsmodel",
dfs_tmpdir="Files/spark",
)
mlflow.log_metrics(best_metrics)
mlflow.log_params(
{
"subModel_idx": idx,
"num_epochs": num_epochs,
"rank_size_list": rank_size_list,
"reg_param_list": reg_param_list,
"model_tuning_method": model_tuning_method,
"DATA_FOLDER": DATA_FOLDER,
}
)
トレーニング実行に関してログされた情報を表示するには、ワークスペースから aisample-recommendation
という名前の実験を選びます。 実験名を変更した場合は、その新しい名前を持つ実験を選びます。 ログに記録される情報はこの画像のようになります:
手順 4: スコアリング用の最終モデルを読み込み、予測を行う
モデルのトレーニングが完了し、最適なモデルが選択されたら、スコアリング (推論とも呼ばれます) 用にモデルを読み込みます。 このコードは、モデルを読み込み、予測を使用して、各ユーザーに書籍のおすすめ候補上位 10 冊を提供します:
# Load the best model
# MLflow uses PipelineModel to wrap the original model, so we extract the original ALSModel from the stages
model_uri = f"models:/{EXPERIMENT_NAME}-alsmodel/1"
loaded_model = mlflow.spark.load_model(model_uri, dfs_tmpdir="Files/spark").stages[-1]
# Generate top 10 book recommendations for each user
userRecs = loaded_model.recommendForAllUsers(10)
# Represent the recommendations in an interpretable format
userRecs = (
userRecs.withColumn("rec_exp", F.explode("recommendations"))
.select("_user_id", F.col("rec_exp._item_id"), F.col("rec_exp.rating"))
.join(df_items.select(["_item_id", "Book-Title"]), on="_item_id")
)
userRecs.limit(10).show()
こちらのテーブルのように出力されます:
_item_id | _user_id | 評価 | Book-Title |
---|---|---|---|
44865 | 7 | 7.9996786 | Lasher: Lives of ... |
786 | 7 | 6.2255826 | The Piano Man's D... |
45330 | 7 | 4.980466 | State of Mind |
38960 | 7 | 4.980466 | All He Ever Wanted |
125415 | 7 | 4.505084 | Harry Potter and ... |
44939 | 7 | 4.3579073 | Taltos: Lives of ... |
175247 | 7 | 4.3579073 | The Bonesetter's ... |
170183 | 7 | 4.228735 | Living the Simple... |
88503 | 7 | 4.221206 | Island of the Blu... |
32894 | 7 | 3.9031885 | Winter Solstice |
予測をレイクハウスに保存する
おすすめをレイクハウスに書き戻すには、このコードを使用します:
# Code to save userRecs into the lakehouse
userRecs.write.format("delta").mode("overwrite").save(
f"{DATA_FOLDER}/predictions/userRecs"
)