我正在寻找一个简单的基于进程的python并行映射,即一个函数
parmap(function,[data])
它将在不同进程上的[data]的每个元素上运行函数(嗯,在不同的内核上,但是AFAIK,在python中的不同内核上运行的唯一方法是启动多个解释器),并返回结果列表。
是否存在这样的东西?我想要一些简单的东西,所以一个简单的模块会很好。当然,如果不存在这样的东西,我会为一个大图书馆而定:-/
我正在寻找一个简单的基于进程的python并行映射,即一个函数
parmap(function,[data])
它将在不同进程上的[data]的每个元素上运行函数(嗯,在不同的内核上,但是AFAIK,在python中的不同内核上运行的唯一方法是启动多个解释器),并返回结果列表。
是否存在这样的东西?我想要一些简单的东西,所以一个简单的模块会很好。当然,如果不存在这样的东西,我会为一个大图书馆而定:-/
Answers:
我似乎您需要的是multiprocessing.Pool()中的map方法:
map(func,iterable [,chunksize])
A parallel equivalent of the map() built-in function (it supports only one iterable argument though). It blocks till the result is ready. This method chops the iterable into a number of chunks which it submits to the process pool as separate tasks. The (approximate) size of these chunks can be specified by setting chunksize to a positive integ
例如,如果要映射此功能:
def f(x):
return x**2
到range(10),可以使用内置的map()函数:
map(f, range(10))
或使用multiprocessing.Pool()对象的方法map():
import multiprocessing
pool = multiprocessing.Pool()
print pool.map(f, range(10))
with
?
with
因此应该可以很好地进行清理。
PicklingError: Can't pickle <function <lambda> at 0x121572bf8>: attribute lookup <lambda> on __main__ failed
怎么不起作用lambda
?
可以使用Ray优雅地完成此任务,该系统使您可以轻松地并行化和分发Python代码。
要并行处理示例,您需要使用@ray.remote
装饰器定义map函数,然后使用调用它.remote
。这将确保远程功能的每个实例将在不同的过程中执行。
import time
import ray
ray.init()
# Define the function you want to apply map on, as remote function.
@ray.remote
def f(x):
# Do some work...
time.sleep(1)
return x*x
# Define a helper parmap(f, list) function.
# This function executes a copy of f() on each element in "list".
# Each copy of f() runs in a different process.
# Note f.remote(x) returns a future of its result (i.e.,
# an identifier of the result) rather than the result itself.
def parmap(f, list):
return [f.remote(x) for x in list]
# Call parmap() on a list consisting of first 5 integers.
result_ids = parmap(f, range(1, 6))
# Get the results
results = ray.get(result_ids)
print(results)
这将打印:
[1, 4, 9, 16, 25]
它将大约以len(list)/p
(四舍五入为最接近的整数)的整数结束,该整数p
是您计算机上的内核数。假设一台机器有2个核心,我们的示例将5/2
四舍五入,即大约3
几秒钟。
与多处理模块相比,使用Ray有许多优点。特别是,相同的代码将在单台计算机以及一台计算机集群上运行。有关Ray的更多优点,请参见此相关文章。
对于那些寻找与R的mclapply()等效的Python的人,这是我的实现。它是以下两个示例的改进:
它可以应用于具有单个或多个参数的映射函数。
import numpy as np, pandas as pd
from scipy import sparse
import functools, multiprocessing
from multiprocessing import Pool
num_cores = multiprocessing.cpu_count()
def parallelize_dataframe(df, func, U=None, V=None):
#blockSize = 5000
num_partitions = 5 # int( np.ceil(df.shape[0]*(1.0/blockSize)) )
blocks = np.array_split(df, num_partitions)
pool = Pool(num_cores)
if V is not None and U is not None:
# apply func with multiple arguments to dataframe (i.e. involves multiple columns)
df = pd.concat(pool.map(functools.partial(func, U=U, V=V), blocks))
else:
# apply func with one argument to dataframe (i.e. involves single column)
df = pd.concat(pool.map(func, blocks))
pool.close()
pool.join()
return df
def square(x):
return x**2
def test_func(data):
print("Process working on: ", data.shape)
data["squareV"] = data["testV"].apply(square)
return data
def vecProd(row, U, V):
return np.sum( np.multiply(U[int(row["obsI"]),:], V[int(row["obsJ"]),:]) )
def mProd_func(data, U, V):
data["predV"] = data.apply( lambda row: vecProd(row, U, V), axis=1 )
return data
def generate_simulated_data():
N, D, nnz, K = [302, 184, 5000, 5]
I = np.random.choice(N, size=nnz, replace=True)
J = np.random.choice(D, size=nnz, replace=True)
vals = np.random.sample(nnz)
sparseY = sparse.csc_matrix((vals, (I, J)), shape=[N, D])
# Generate parameters U and V which could be used to reconstruct the matrix Y
U = np.random.sample(N*K).reshape([N,K])
V = np.random.sample(D*K).reshape([D,K])
return sparseY, U, V
def main():
Y, U, V = generate_simulated_data()
# find row, column indices and obvseved values for sparse matrix Y
(testI, testJ, testV) = sparse.find(Y)
colNames = ["obsI", "obsJ", "testV", "predV", "squareV"]
dtypes = {"obsI":int, "obsJ":int, "testV":float, "predV":float, "squareV": float}
obsValDF = pd.DataFrame(np.zeros((len(testV), len(colNames))), columns=colNames)
obsValDF["obsI"] = testI
obsValDF["obsJ"] = testJ
obsValDF["testV"] = testV
obsValDF = obsValDF.astype(dtype=dtypes)
print("Y.shape: {!s}, #obsVals: {}, obsValDF.shape: {!s}".format(Y.shape, len(testV), obsValDF.shape))
# calculate the square of testVals
obsValDF = parallelize_dataframe(obsValDF, test_func)
# reconstruct prediction of testVals using parameters U and V
obsValDF = parallelize_dataframe(obsValDF, mProd_func, U, V)
print("obsValDF.shape after reconstruction: {!s}".format(obsValDF.shape))
print("First 5 elements of obsValDF:\n", obsValDF.iloc[:5,:])
if __name__ == '__main__':
main()
我知道这是一篇旧文章,但以防万一,我编写了一个工具来使这个超级简单易用,称为parmapper(我实际上称其为parmap,但使用了名称)。
它处理许多过程的设置和解构,并增加了许多功能。按重要性排列
它确实花费很少,但是对于大多数用途而言,可以忽略不计。
希望对你有帮助。
(注意:与map
Python 3+类似,它返回一个可迭代的,因此如果您希望所有结果都立即通过它,请使用list()
)
pool.close
(最好是在finally
封闭的代码块中try/finally
)。否则,池可能无法清理子进程,并且您最终可能会遇到僵尸进程。参见bugs.python.org/issue19675