如何使用分布式方法,IPython和Spark找到RDD
整数的中位数? RDD
大约有700,000个元素,因此太大而无法收集并找到中位数。
这个问题类似于这个问题。但是,问题的答案是使用Scala,我不知道。
How can I calculate exact median with Apache Spark?
使用Scala答案的思考,我试图用Python写一个类似的答案。
我知道我首先要对RDD
进行排序。我不知道怎么。我看到sortBy
(按给定的keyfunc
对此RDD进行排序)和sortByKey
(对此RDD
进行排序,假设它由(键,值)对组成。)方法。我认为两者都使用键值,而我的RDD
只有整数元素。
myrdd.sortBy(lambda x: x)
? rdd.count()
)的长度。编辑:
我有个主意。也许我可以索引我的RDD
然后键= index和value = element。然后我可以尝试按价值排序?我不知道这是否可行,因为只有sortByKey
方法。
答案 0 :(得分:81)
您可以使用实现Greenwald-Khanna algorithm的approxQuantile
方法:
<强>的Python 强>:
df.approxQuantile("x", [0.5], 0.25)
<强> Scala的强>:
df.stat.approxQuantile("x", Array(0.5), 0.25)
其中最后一个参数是相对错误。数字越低,结果越准确,计算成本也越高。
自Spark 2.2(SPARK-14352)以来,它支持对多列进行估算:
df.approxQuantile(["x", "y", "z"], [0.5], 0.25)
和
df.approxQuantile(Array("x", "y", "z"), Array(0.5), 0.25)
<强>的Python 强>
正如我在评论中提到的那样,很可能不值得大惊小怪。如果数据相对较小,那么只需在本地收集和计算中位数:
import numpy as np
np.random.seed(323)
rdd = sc.parallelize(np.random.randint(1000000, size=700000))
%time np.median(rdd.collect())
np.array(rdd.collect()).nbytes
我几年前的电脑和大约5.5MB的内存大约需要0.01秒。
如果数据要大得多,那么排序将是一个限制因素,因此不是获得精确值,而是在本地进行采样,收集和计算可能更好。但是,如果你真的想要使用Spark这样的东西应该做的伎俩(如果我没有弄乱任何东西):
from numpy import floor
import time
def quantile(rdd, p, sample=None, seed=None):
"""Compute a quantile of order p ∈ [0, 1]
:rdd a numeric rdd
:p quantile(between 0 and 1)
:sample fraction of and rdd to use. If not provided we use a whole dataset
:seed random number generator seed to be used with sample
"""
assert 0 <= p <= 1
assert sample is None or 0 < sample <= 1
seed = seed if seed is not None else time.time()
rdd = rdd if sample is None else rdd.sample(False, sample, seed)
rddSortedWithIndex = (rdd.
sortBy(lambda x: x).
zipWithIndex().
map(lambda (x, i): (i, x)).
cache())
n = rddSortedWithIndex.count()
h = (n - 1) * p
rddX, rddXPlusOne = (
rddSortedWithIndex.lookup(x)[0]
for x in int(floor(h)) + np.array([0L, 1L]))
return rddX + (h - floor(h)) * (rddXPlusOne - rddX)
还有一些测试:
np.median(rdd.collect()), quantile(rdd, 0.5)
## (500184.5, 500184.5)
np.percentile(rdd.collect(), 25), quantile(rdd, 0.25)
## (250506.75, 250506.75)
np.percentile(rdd.collect(), 75), quantile(rdd, 0.75)
(750069.25, 750069.25)
最后让我们定义中位数:
from functools import partial
median = partial(quantile, p=0.5)
到目前为止一直很好,但在本地模式下需要4.66秒而没有任何网络通信。可能有办法改善这一点,但为什么甚至打扰?
语言无关( Hive UDAF ):
如果您使用HiveContext
,您还可以使用Hive UDAF。具有整数值:
rdd.map(lambda x: (float(x), )).toDF(["x"]).registerTempTable("df")
sqlContext.sql("SELECT percentile_approx(x, 0.5) FROM df")
持续值:
sqlContext.sql("SELECT percentile(x, 0.5) FROM df")
在percentile_approx
中,您可以传递一个额外的参数来确定要使用的记录数。
答案 1 :(得分:6)
如果您只想要RDD方法并且不想转移到DF,请添加解决方案。 这个片段可以让你获得RDD为双倍的百分位数。
如果您输入百分位数为50,则应获得所需的中位数。 如果有任何角落案例没有考虑,请告诉我。
/**
* Gets the nth percentile entry for an RDD of doubles
*
* @param inputScore : Input scores consisting of a RDD of doubles
* @param percentile : The percentile cutoff required (between 0 to 100), e.g 90%ile of [1,4,5,9,19,23,44] = ~23.
* It prefers the higher value when the desired quantile lies between two data points
* @return : The number best representing the percentile in the Rdd of double
*/
def getRddPercentile(inputScore: RDD[Double], percentile: Double): Double = {
val numEntries = inputScore.count().toDouble
val retrievedEntry = (percentile * numEntries / 100.0 ).min(numEntries).max(0).toInt
inputScore
.sortBy { case (score) => score }
.zipWithIndex()
.filter { case (score, index) => index == retrievedEntry }
.map { case (score, index) => score }
.collect()(0)
}
答案 2 :(得分:5)
这是我使用窗口函数(使用pyspark 2.2.0)时使用的方法。
from pyspark.sql import DataFrame
class median():
""" Create median class with over method to pass partition """
def __init__(self, df, col, name):
assert col
self.column=col
self.df = df
self.name = name
def over(self, window):
from pyspark.sql.functions import percent_rank, pow, first
first_window = window.orderBy(self.column) # first, order by column we want to compute the median for
df = self.df.withColumn("percent_rank", percent_rank().over(first_window)) # add percent_rank column, percent_rank = 0.5 coressponds to median
second_window = window.orderBy(pow(df.percent_rank-0.5, 2)) # order by (percent_rank - 0.5)^2 ascending
return df.withColumn(self.name, first(self.column).over(second_window)) # the first row of the window corresponds to median
def addMedian(self, col, median_name):
""" Method to be added to spark native DataFrame class """
return median(self, col, median_name)
# Add method to DataFrame class
DataFrame.addMedian = addMedian
然后调用addMedian方法计算col2的中位数:
from pyspark.sql import Window
median_window = Window.partitionBy("col1")
df = df.addMedian("col2", "median").over(median_window)
最后,如果需要,您可以分组。
df.groupby("col1", "median")
答案 3 :(得分:1)
我已经编写了一个函数,该函数将数据帧作为输入,并返回一个数据帧,该数据帧的中位数作为分区上的输出,order_col是我们要为其计算中值的列part_col是我们想要的级别计算中位数:
from pyspark.sql import Window
import pyspark.sql.functions as F
def calculate_median(dataframe, part_col, order_col):
win = Window.partitionBy(*part_col).orderBy(order_col)
# count_row = dataframe.groupby(*part_col).distinct().count()
dataframe.persist()
dataframe.count()
temp = dataframe.withColumn("rank", F.row_number().over(win))
temp = temp.withColumn(
"count_row_part",
F.count(order_col).over(Window.partitionBy(part_col))
)
temp = temp.withColumn(
"even_flag",
F.when(
F.col("count_row_part") %2 == 0,
F.lit(1)
).otherwise(
F.lit(0)
)
).withColumn(
"mid_value",
F.floor(F.col("count_row_part")/2)
)
temp = temp.withColumn(
"avg_flag",
F.when(
(F.col("even_flag")==1) &
(F.col("rank") == F.col("mid_value"))|
((F.col("rank")-1) == F.col("mid_value")),
F.lit(1)
).otherwise(
F.when(
F.col("rank") == F.col("mid_value")+1,
F.lit(1)
)
)
)
temp.show(10)
return temp.filter(
F.col("avg_flag") == 1
).groupby(
part_col + ["avg_flag"]
).agg(
F.avg(F.col(order_col)).alias("median")
).drop("avg_flag")