在单个机器上使用pyspark设置任务槽

hm2xizp9  于 2021-05-18  发布在  Spark
关注(0)|答案(1)|浏览(437)

我正在尝试使用 SparkTrialshyperopt 图书馆。我在一台有16个内核的机器上运行这个程序,但是当我运行下面的代码将内核数设置为8时,我得到一个警告,似乎表明只使用了一个内核。
sparktrials接受作为论据 spark_session 从理论上讲,这就是我设定核数的地方。
有人能帮我吗?
谢谢!

import os, shutil, tempfile
from hyperopt import fmin, tpe, hp, SparkTrials, STATUS_OK
import numpy as np
from sklearn import linear_model, datasets, model_selection
import pyspark
from pyspark.sql import SparkSession

spark = SparkSession.builder.master("local").config('spark.local.dir', './').config("spark.executor.cores", 8).getOrCreate()

def gen_data(bytes):
  """
  Generates train/test data with target total bytes for a random regression problem.
  Returns (X_train, X_test, y_train, y_test).
  """
  n_features = 100
  n_samples = int(1.0 * bytes / (n_features + 1) / 8)
  X, y = datasets.make_regression(n_samples=n_samples, n_features=n_features, random_state=0)
  return model_selection.train_test_split(X, y, test_size=0.2, random_state=1)

def train_and_eval(data, alpha):
  """
  Trains a LASSO model using training data with the input alpha and evaluates it using test data.
  """
  X_train, X_test, y_train, y_test = data  
  model = linear_model.Lasso(alpha=alpha)
  model.fit(X_train, y_train)
  loss = model.score(X_test, y_test)
  return {"loss": loss, "status": STATUS_OK}

def tune_alpha(objective):
  """
  Uses Hyperopt's SparkTrials to tune the input objective, which takes alpha as input and returns loss.
  Returns the best alpha found.
  """
  best = fmin(
    fn=objective,
    space=hp.uniform("alpha", 0.0, 10.0),
    algo=tpe.suggest,
    max_evals=8,
    trials=SparkTrials(parallelism=8,spark_session=spark))
  return best["alpha"]

data_small = gen_data(10 * 1024 * 1024)  # ~10MB

def objective_small(alpha):
  # For small data, you might reference it directly.
  return train_and_eval(data_small, alpha)

tune_alpha(objective_small)

并行度(8)大于当前spark任务槽(1)的总数。如果启用了动态分配,您可能会看到分配了更多的执行器。

eni9jsuy

eni9jsuy1#

如果您在集群中:spark术语中的内核与cpu中的物理内核无关 spark.executor.cores 如果要增加必须使用的执行器数量,则指定每个执行器(这里有一个)可以运行的最大线程数(=任务)为8 --num-executors 在命令行或 spark.executor.instances 代码中的配置属性。
如果你在一个Yarn簇里,我建议你试试这样的配置

spark.conf.set("spark.dynamicAllocation.enabled", "true")
spark.conf.set("spark.executor.cores", 4)
spark.conf.set("spark.dynamicAllocation.minExecutors","2")
spark.conf.set("spark.dynamicAllocation.maxExecutors","10")

请考虑以上选项在本地模式下不可用
本地:在本地模式下,您只有一个执行器,如果您想更改它的工作线程数(默认情况下是一个),您必须这样设置主线程 local[*] 或者 local[16]

相关问题