91超碰碰碰碰久久久久久综合_超碰av人澡人澡人澡人澡人掠_国产黄大片在线观看画质优化_txt小说免费全本

溫馨提示×

溫馨提示×

您好,登錄后才能下訂單哦!

密碼登錄×
登錄注冊×
其他方式登錄
點擊 登錄注冊 即表示同意《億速云用戶服務條款》

如何用隨機森林算法實現scikit-learn、Spark MLlib、DolphinDB、xgboost的性能對比測試

發布時間:2021-12-17 09:50:46 來源:億速云 閱讀:185 作者:柒染 欄目:大數據

如何用隨機森林算法實現scikit-learn、Spark MLlib、DolphinDB、xgboost的性能對比測試,相信很多沒有經驗的人對此束手無策,為此本文總結了問題出現的原因和解決方法,通過這篇文章希望你能解決這個問題。

隨機森林是常用的機器學習算法,既可以用于分類問題,也可用于回歸問題。本文對scikit-learn、Spark MLlib、DolphinDB、xgboost四個平臺的隨機森林算法實現進行對比測試。評價指標包括內存占用、運行速度和分類準確性。本次測試使用模擬生成的數據作為輸入進行二分類訓練,并用生成的模型對模擬數據進行預測。

1. 測試軟件

本次測試使用的各平臺版本如下:

scikit-learn:Python 3.7.1,scikit-learn 0.20.2

Spark MLlib:Spark 2.0.2,Hadoop 2.7.2

DolphinDB:0.82

xgboost:Python package,0.81

2. 環境配置

CPU:Intel(R) Xeon(R) CPU E5-2650 v4 2.20GHz(共24核48線程)

RAM:512GB

操作系統:CentOS Linux release 7.5.1804

在各平臺上進行測試時,都會把數據加載到內存中再進行計算,因此隨機森林算法的性能與磁盤無關。

3. 數據生成

本次測試使用DolphinDB腳本產生模擬數據,并導出為CSV文件。訓練集平均分成兩類,每個類別的特征列分別服從兩個中心不同,標準差相同,且兩兩獨立的多元正態分布N(0, 1)和N(2/sqrt(20), 1)。訓練集中沒有空值。

假設訓練集的大小為n行p列。本次測試中n的取值為10,000、100,000、1,000,000,p的取值為50。

由于測試集和訓練集獨立同分布,測試集的大小對模型準確性評估沒有顯著影響。本次測試對于所有不同大小的訓練集都采用1000行的模擬數據作為測試集。

產生模擬數據的DolphinDB腳本見附錄1。

4. 模型參數

在各個平臺中都采用以下參數進行隨機森林模型訓練:

  • 樹的棵數:500

  • 最大深度:分別在4個平臺中測試了最大深度為10和30兩種情況

  • 劃分節點時選取的特征數:總特征數的平方根,即integer(sqrt(50))=7

  • 劃分節點時的不純度(Impurity)指標:基尼指數(Gini index),該參數僅對Python scikit-learn、Spark MLlib和DolphinDB有效

  • 采樣的桶數:32,該參數僅對Spark MLlib和DolphinDB有效

  • 并發任務數:CPU線程數,Python scikit-learn、Spark MLlib和DolphinDB取48,xgboost取24。

在測試xgboost時,嘗試了參數nthread(表示運行時的并發線程數)的不同取值。但當該參數取值為本次測試環境的線程數(48)時,性能并不理想。進一步觀察到,在線程數小于10時,性能與取值成正相關。在線程數大于10小于24時,不同取值的性能差異不明顯,此后,線程數增加時性能反而下降。該現象在xgboost社區中也有人討論過。因此,本次測試在xgboost中最終使用的線程數為24。

5. 測試結果

測試腳本見附錄2~5。

當樹的數量為500,最大深度為10時,測試結果如下表所示:

如何用隨機森林算法實現scikit-learn、Spark MLlib、DolphinDB、xgboost的性能對比測試

當樹的數量為500,最大深度為30時,測試結果如下表所示:

如何用隨機森林算法實現scikit-learn、Spark MLlib、DolphinDB、xgboost的性能對比測試

從準確率上看,Python scikit-learn、Spark MLlib和DolphinDB的準確率比較相近,略高于xgboost的實現;從性能上看,從高到低依次為DolphinDB、Python scikit-learn、xgboost、Spark MLlib。

在本次測試中,Python scikit-learn的實現使用了所有CPU核。

Spark MLlib的實現沒有充分使用所有CPU核,內存占用最高,當數據量為10,000時,CPU峰值占用率約8%,當數據量為100,000時,CPU峰值占用率約為25%,當數據量為1,000,000時,它會因為內存不足而中斷執行。

DolphinDB database 的實現使用了所有CPU核,并且它是所有實現中速度最快的,但內存占用是scikit-learn的2-7倍,是xgboost的3-9倍。DolphinDB的隨機森林算法實現提供了numJobs參數,可以通過調整該參數來降低并行度,從而減少內存占用。詳情請參考DolphinDB用戶手冊。

xgboost常用于boosted trees的訓練,也能進行隨機森林算法。它是算法迭代次數為1時的特例。xgboost實際上在24線程左右時性能最高,其對CPU線程的利用率不如Python和DolphinDB,速度也不及兩者。其優勢在于內存占用最少。另外,xgboost的具體實現也和其他平臺的實現有所差異。例如,沒有bootstrap這一過程,對數據使用無放回抽樣而不是有放回抽樣。這可以解釋為何它的準確率略低于其它平臺。

6. 總結

Python scikit-learn的隨機森林算法實現在性能、內存開銷和準確率上的表現比較均衡,Spark MLlib的實現在性能和內存開銷上的表現遠遠不如其他平臺。DolphinDB的隨機森林算法實現性能最優,并且DolphinDB的隨機森林算法和數據庫是無縫集成的,用戶可以直接對數據庫中的數據進行訓練和預測,并且提供了numJobs參數,實現內存和速度之間的平衡。而xgboost的隨機森林只是迭代次數為1時的特例,具體實現和其他平臺差異較大,最佳的應用場景為boosted tree。

附錄

1. 模擬生成數據的DolphinDB腳本

def genNormVec(cls, a, stdev, n) {
	return norm(cls * a, stdev, n)
}

def genNormData(dataSize, colSize, clsNum, scale, stdev) {
	t = table(dataSize:0, `cls join ("col" + string(0..(colSize-1))), INT join take(DOUBLE,colSize))
	classStat = groupby(count,1..dataSize, rand(clsNum, dataSize))
	for(row in classStat){
		cls = row.groupingKey
		classSize = row.count
		cols = [take(cls, classSize)]
		for (i in 0:colSize)
			cols.append!(genNormVec(cls, scale, stdev, classSize))
		tmp = table(dataSize:0, `cls join ("col" + string(0..(colSize-1))), INT join take(DOUBLE,colSize))
		insert into t values (cols)
		cols = NULL
		tmp = NULL
	}
	return t
}

colSize = 50
clsNum = 2
t1m = genNormData(10000, colSize, clsNum, 2 / sqrt(20), 1.0)
saveText(t1m, "t10k.csv")
t10m = genNormData(100000, colSize, clsNum, 2 / sqrt(20), 1.0)
saveText(t10m, "t100k.csv")
t100m = genNormData(1000000, colSize, clsNum, 2 / sqrt(20), 1.0)
saveText(t100m, "t1m.csv")
t1000 = genNormData(1000, colSize, clsNum, 2 / sqrt(20), 1.0)
saveText(t1000, "t1000.csv")

2. Python scikit-learn的訓練和預測腳本

import pandas as pd
import numpy as np
from sklearn.ensemble import RandomForestClassifier, RandomForestRegressor
from time import *

test_df = pd.read_csv("t1000.csv")

def evaluate(path, model_name, num_trees=500, depth=30, num_jobs=1):
    df = pd.read_csv(path)
    y = df.values[:,0]
    x = df.values[:,1:]

    test_y = test_df.values[:,0]
    test_x = test_df.values[:,1:]

    rf = RandomForestClassifier(n_estimators=num_trees, max_depth=depth, n_jobs=num_jobs)
    start = time()
    rf.fit(x, y)
    end = time()
    elapsed = end - start
    print("Time to train model %s: %.9f seconds" % (model_name, elapsed))

    acc = np.mean(test_y == rf.predict(test_x))
    print("Model %s accuracy: %.3f" % (model_name, acc))

evaluate("t10k.csv", "10k", 500, 10, 48)    # choose your own parameter

3. Spark MLlib的訓練和預測代碼(Scala實現)

import org.apache.spark.mllib.tree.configuration.FeatureType.Continuous
import org.apache.spark.mllib.tree.model.{DecisionTreeModel, Node}

object Rf {
  def main(args: Array[String]) = {
    evaluate("/t100k.csv", 500, 10)    // choose your own parameter 
  }

  def processCsv(row: Row) = {
    val label = row.getString(0).toDouble
    val featureArray = (for (i <- 1 to (row.size-1)) yield row.getString(i).toDouble).toArray
    val features = Vectors.dense(featureArray)
    LabeledPoint(label, features)
  }

  def evaluate(path: String, numTrees: Int, maxDepth: Int) = {
    val spark = SparkSession.builder.appName("Rf").getOrCreate()
    import spark.implicits._

    val numClasses = 2
    val categoricalFeaturesInfo = Map[Int, Int]()
    val featureSubsetStrategy = "sqrt" 
    val impurity = "gini"
    val maxBins = 32

    val d_test = spark.read.format("CSV").option("header","true").load("/t1000.csv").map(processCsv).rdd
    d_test.cache()

    println("Loading table (1M * 50)")
    val d_train = spark.read.format("CSV").option("header","true").load(path).map(processCsv).rdd
    d_train.cache()
    println("Training table (1M * 50)")
    val now = System.nanoTime
    val model = RandomForest.trainClassifier(d_train, numClasses, categoricalFeaturesInfo,
      numTrees, featureSubsetStrategy, impurity, maxDepth, maxBins)
    println(( System.nanoTime - now )/1e9)

    val scoreAndLabels = d_test.map { point =>
      val score = model.trees.map(tree => softPredict2(tree, point.features)).sum
      if (score * 2 > model.numTrees)
        (1.0, point.label)
      else
        (0.0, point.label)
    }
    val metrics = new MulticlassMetrics(scoreAndLabels)
    println(metrics.accuracy)
  }

  def softPredict(node: Node, features: Vector): Double = {
    if (node.isLeaf) {
      //if (node.predict.predict == 1.0) node.predict.prob else 1.0 - node.predict.prob
      node.predict.predict
    } else {
      if (node.split.get.featureType == Continuous) {
        if (features(node.split.get.feature) <= node.split.get.threshold) {
          softPredict(node.leftNode.get, features)
        } else {
          softPredict(node.rightNode.get, features)
        }
      } else {
        if (node.split.get.categories.contains(features(node.split.get.feature))) {
          softPredict(node.leftNode.get, features)
        } else {
          softPredict(node.rightNode.get, features)
        }
      }
    }
  }
  def softPredict2(dt: DecisionTreeModel, features: Vector): Double = {
    softPredict(dt.topNode, features)
  }
}

4. DolphinDB的訓練和預測腳本

def createInMemorySEQTable(t, seqSize) {
	db = database("", SEQ, seqSize)
	dataSize = t.size()
	ts = ()
	for (i in 0:seqSize) {
		ts.append!(t[(i * (dataSize/seqSize)):((i+1)*(dataSize/seqSize))])
	}
	return db.createPartitionedTable(ts, `tb)
}

def accuracy(v1, v2) {
	return (v1 == v2).sum() \ v2.size()
}

def evaluateUnparitioned(filePath, numTrees, maxDepth, numJobs) {
	test = loadText("t1000.csv")
	t = loadText(filePath); clsNum = 2; colSize = 50
	timer res = randomForestClassifier(sqlDS(<select * from t>), `cls, `col + string(0..(colSize-1)), clsNum, sqrt(colSize).int(), numTrees, 32, maxDepth, 0.0, numJobs)
	print("Unpartitioned table accuracy = " + accuracy(res.predict(test), test.cls).string())
}

evaluateUnpartitioned("t10k.csv", 500, 10, 48)    // choose your own parameter

5. xgboost的訓練和預測腳本

import pandas as pd
import numpy as np
import xgboost as xgb
from time import *

def load_csv(path):
    df = pd.read_csv(path)
    target = df['cls']
    df = df.drop(['cls'], axis=1)
    return xgb.DMatrix(df.values, label=target.values)

dtest = load_csv('/hdd/hdd1/twonormData/t1000.csv')

def evaluate(path, num_trees, max_depth, num_jobs):
    dtrain = load_csv(path)
    param = {'num_parallel_tree':num_trees, 'max_depth':max_depth, 'objective':'binary:logistic',
        'nthread':num_jobs, 'colsample_bylevel':1/np.sqrt(50)}
    start = time()
    model = xgb.train(param, dtrain, 1)
    end = time()
    elapsed = end - start
    print("Time to train model: %.9f seconds" % elapsed)
    prediction = model.predict(dtest) > 0.5
    print("Accuracy = %.3f" % np.mean(prediction == dtest.get_label()))

evaluate('t10k.csv', 500, 10, 24)    // choose your own parameter

看完上述內容,你們掌握如何用隨機森林算法實現scikit-learn、Spark MLlib、DolphinDB、xgboost的性能對比測試的方法了嗎?如果還想學到更多技能或想了解更多相關內容,歡迎關注億速云行業資訊頻道,感謝各位的閱讀!

向AI問一下細節

免責聲明:本站發布的內容(圖片、視頻和文字)以原創、轉載和分享為主,文章觀點不代表本網站立場,如果涉及侵權請聯系站長郵箱:is@yisu.com進行舉報,并提供相關證據,一經查實,將立刻刪除涉嫌侵權內容。

AI

湖州市| 怀安县| 延津县| 金秀| 饶河县| 黄冈市| 宝应县| 新田县| 阜宁县| 定陶县| 定南县| 涟水县| 元阳县| 临安市| 清涧县| 建湖县| 嘉禾县| 改则县| 醴陵市| 那曲县| 伊宁市| 通州区| 法库县| 牡丹江市| 太康县| 濮阳县| 汉川市| 紫金县| 咸宁市| 韶关市| 星子县| 土默特左旗| 永宁县| 象州县| 石嘴山市| 金平| 定结县| 阳信县| 香河县| 永川市| 嘉兴市|